From 54dd309c88d932c6c76009001b4018df6ead338b Mon Sep 17 00:00:00 2001 From: Ayush Shivani <ashivani@aicrowd.com> Date: Thu, 24 Sep 2020 14:53:21 +0530 Subject: [PATCH] baseline udpate --- README.md | 2 + .../CRDIO_baseline-checkpoint.ipynb | 453 ++--- baselines/CRDIO_baseline.ipynb | 453 ++--- baselines/train.csv | 1701 ----------------- 4 files changed, 244 insertions(+), 2365 deletions(-) delete mode 100644 baselines/train.csv diff --git a/README.md b/README.md index 653ad97..ddd13b4 100644 --- a/README.md +++ b/README.md @@ -18,7 +18,9 @@ To know about given attributes click [here](https://gitlab.aicrowd.com/aicrowd/p # 📠Files Following files are available in the `resources` section: + - `train.csv` - (`1700` samples) File that should be used for training and validation purposes by the user. + - `test.csv` - (`426` samples) File that will be used for actual evaluation for the leaderboard score. # 🚀 Submission diff --git a/baselines/.ipynb_checkpoints/CRDIO_baseline-checkpoint.ipynb b/baselines/.ipynb_checkpoints/CRDIO_baseline-checkpoint.ipynb index 8e80c21..3d0ccc2 100644 --- a/baselines/.ipynb_checkpoints/CRDIO_baseline-checkpoint.ipynb +++ b/baselines/.ipynb_checkpoints/CRDIO_baseline-checkpoint.ipynb @@ -4,79 +4,56 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "# Baseline for crdio Educational Challenge on AIcrowd\n", - "#### Author : Shubham Sharma" + "" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "## To open this notebook on Google Computing platform Colab, click below!" + "# Baseline for [CRDIO](https://www.aicrowd.com/challenges/crdio) Challenge on AIcrowd\n", + "#### Author : Shubham Sharma" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "[](https://colab.research.google.com/github/googlecolab/colabtools/blob/master/notebooks/colab-github-demo.ipynb)\n" + "## Download Necessary Packages 📚" ] }, { - "cell_type": "markdown", + "cell_type": "code", + "execution_count": null, "metadata": {}, + "outputs": [], "source": [ - "## Download Necessary Packages" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": { - "collapsed": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Requirement already satisfied: numpy in /home/ayush/.local/lib/python3.7/site-packages (1.18.1)\n", - "Requirement already satisfied: pandas in /home/ayush/.local/lib/python3.7/site-packages (0.25.0)\n", - "Requirement already satisfied: numpy>=1.13.3 in /home/ayush/.local/lib/python3.7/site-packages (from pandas) (1.18.1)\n", - "Requirement already satisfied: pytz>=2017.2 in /home/ayush/.local/lib/python3.7/site-packages (from pandas) (2019.3)\n", - "Requirement already satisfied: python-dateutil>=2.6.1 in /home/ayush/anaconda3/lib/python3.7/site-packages (from pandas) (2.8.0)\n", - "Requirement already satisfied: six>=1.5 in /home/ayush/anaconda3/lib/python3.7/site-packages (from python-dateutil>=2.6.1->pandas) (1.12.0)\n", - "Requirement already satisfied: scikit-learn in /home/ayush/.local/lib/python3.7/site-packages (0.21.3)\n", - "Requirement already satisfied: scipy>=0.17.0 in /home/ayush/.local/lib/python3.7/site-packages (from scikit-learn) (1.4.1)\n", - "Requirement already satisfied: joblib>=0.11 in /home/ayush/.local/lib/python3.7/site-packages (from scikit-learn) (0.14.0)\n", - "Requirement already satisfied: numpy>=1.11.0 in /home/ayush/.local/lib/python3.7/site-packages (from scikit-learn) (1.18.1)\n" - ] - } - ], - "source": [ - "import sys\n", - "!{sys.executable} -m pip install numpy\n", - "!{sys.executable} -m pip install pandas\n", - "!{sys.executable} -m pip install scikit-learn" + "!pip install numpy\n", + "!pip install pandas\n", + "!pip install scikit-learn" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "## Download data\n", - "The first step is to download out train test data. We will be training a classifier on the train data and make predictions on test data. We submit our predictions\n" + "## Download Data\n", + "The first step is to download out train test data. We will be training a model on the train data and make predictions on test data. We submit our predictions\n" ] }, { "cell_type": "code", - "execution_count": 1, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "#Donwload the datasets\n", - "!wget https://s3.eu-central-1.wasabisys.com/aicrowd-public-datasets/public/crdio/v0.1/test.csv\n", - "!wget https://s3.eu-central-1.wasabisys.com/aicrowd-public-datasets/public/crdio/v0.1/test.csv" + "!rm -rf data\n", + "!mkdir data \n", + "!wget https://datasets.aicrowd.com/default/aicrowd-practice-challenges/public/crdio/v0.1/test.csv\n", + "!wget https://datasets.aicrowd.com/default/aicrowd-practice-challenges/public/crdio/v0.1/train.csv\n", + "!mv test.csv data/test.csv\n", + "!mv train.csv data/train.csv\n", + "\n" ] }, { @@ -89,7 +66,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 2, "metadata": {}, "outputs": [], "source": [ @@ -107,277 +84,92 @@ "metadata": {}, "source": [ "## Load Data\n", - "We use pandas library to load our data. Pandas loads them into dataframes which helps us analyze our data easily. Learn more about it [here](https://www.tutorialspoint.com/python_data_science/python_pandas.htm)" + "- We use pandas 🼠library to load our data. \n", + "- Pandas loads the data into dataframes and facilitates us to analyse the data. \n", + "- Learn more about it [here](https://www.tutorialspoint.com/python_data_science/python_pandas.htm) 🤓" ] }, { "cell_type": "code", - "execution_count": 6, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "train_data_path = \"train.csv\" #path where data is stored" + "all_data_path = \"data/train.csv\" #path where data is stored" ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "train_data = pd.read_csv(train_data_path) #load data in dataframe using pandas" + "all_data = pd.read_csv(all_data_path) #load data in dataframe using pandas" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "## Visualize the data" + "## Visualize the data 👀" ] }, { "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "<div>\n", - "<style scoped>\n", - " .dataframe tbody tr th:only-of-type {\n", - " vertical-align: middle;\n", - " }\n", - "\n", - " .dataframe tbody tr th {\n", - " vertical-align: top;\n", - " }\n", - "\n", - " .dataframe thead th {\n", - " text-align: right;\n", - " }\n", - "</style>\n", - "<table border=\"1\" class=\"dataframe\">\n", - " <thead>\n", - " <tr style=\"text-align: right;\">\n", - " <th></th>\n", - " <th>LBE</th>\n", - " <th>LB</th>\n", - " <th>AC</th>\n", - " <th>FM</th>\n", - " <th>UC</th>\n", - " <th>ASTV</th>\n", - " <th>MSTV</th>\n", - " <th>ALTV</th>\n", - " <th>MLTV</th>\n", - " <th>DL</th>\n", - " <th>...</th>\n", - " <th>B</th>\n", - " <th>C</th>\n", - " <th>D</th>\n", - " <th>E</th>\n", - " <th>AD</th>\n", - " <th>DE</th>\n", - " <th>LD</th>\n", - " <th>FS</th>\n", - " <th>SUSP</th>\n", - " <th>NSP</th>\n", - " </tr>\n", - " </thead>\n", - " <tbody>\n", - " <tr>\n", - " <th>0</th>\n", - " <td>135.0</td>\n", - " <td>135.0</td>\n", - " <td>8.0</td>\n", - " <td>2.0</td>\n", - " <td>7.0</td>\n", - " <td>60.0</td>\n", - " <td>1.0</td>\n", - " <td>0.0</td>\n", - " <td>5.2</td>\n", - " <td>0.0</td>\n", - " <td>...</td>\n", - " <td>1.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>1</td>\n", - " </tr>\n", - " <tr>\n", - " <th>1</th>\n", - " <td>133.0</td>\n", - " <td>133.0</td>\n", - " <td>0.0</td>\n", - " <td>4.0</td>\n", - " <td>6.0</td>\n", - " <td>60.0</td>\n", - " <td>2.5</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>4.0</td>\n", - " <td>...</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>1.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>1</td>\n", - " </tr>\n", - " <tr>\n", - " <th>2</th>\n", - " <td>135.0</td>\n", - " <td>135.0</td>\n", - " <td>10.0</td>\n", - " <td>2.0</td>\n", - " <td>4.0</td>\n", - " <td>60.0</td>\n", - " <td>0.9</td>\n", - " <td>0.0</td>\n", - " <td>0.5</td>\n", - " <td>0.0</td>\n", - " <td>...</td>\n", - " <td>1.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>1</td>\n", - " </tr>\n", - " <tr>\n", - " <th>3</th>\n", - " <td>120.0</td>\n", - " <td>120.0</td>\n", - " <td>3.0</td>\n", - " <td>1.0</td>\n", - " <td>2.0</td>\n", - " <td>56.0</td>\n", - " <td>0.5</td>\n", - " <td>0.0</td>\n", - " <td>8.8</td>\n", - " <td>0.0</td>\n", - " <td>...</td>\n", - " <td>1.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>1</td>\n", - " </tr>\n", - " <tr>\n", - " <th>4</th>\n", - " <td>132.0</td>\n", - " <td>132.0</td>\n", - " <td>6.0</td>\n", - " <td>0.0</td>\n", - " <td>6.0</td>\n", - " <td>27.0</td>\n", - " <td>1.7</td>\n", - " <td>0.0</td>\n", - " <td>11.3</td>\n", - " <td>0.0</td>\n", - " <td>...</td>\n", - " <td>1.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>1</td>\n", - " </tr>\n", - " </tbody>\n", - "</table>\n", - "<p>5 rows × 34 columns</p>\n", - "</div>" - ], - "text/plain": [ - " LBE LB AC FM UC ASTV MSTV ALTV MLTV DL ... B C \\\n", - "0 135.0 135.0 8.0 2.0 7.0 60.0 1.0 0.0 5.2 0.0 ... 1.0 0.0 \n", - "1 133.0 133.0 0.0 4.0 6.0 60.0 2.5 0.0 0.0 4.0 ... 0.0 0.0 \n", - "2 135.0 135.0 10.0 2.0 4.0 60.0 0.9 0.0 0.5 0.0 ... 1.0 0.0 \n", - "3 120.0 120.0 3.0 1.0 2.0 56.0 0.5 0.0 8.8 0.0 ... 1.0 0.0 \n", - "4 132.0 132.0 6.0 0.0 6.0 27.0 1.7 0.0 11.3 0.0 ... 1.0 0.0 \n", - "\n", - " D E AD DE LD FS SUSP NSP \n", - "0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 1 \n", - "1 0.0 0.0 0.0 1.0 0.0 0.0 0.0 1 \n", - "2 0.0 0.0 0.0 0.0 0.0 0.0 0.0 1 \n", - "3 0.0 0.0 0.0 0.0 0.0 0.0 0.0 1 \n", - "4 0.0 0.0 0.0 0.0 0.0 0.0 0.0 1 \n", - "\n", - "[5 rows x 34 columns]" - ] - }, - "execution_count": 8, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "train_data.head()" + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "all_data.head()" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "We can see the dataset contains 21 columns,where columns 1-20 denotes the information about the person that is called and the last column tell whether he subcribed the service or not." + "The dataset consists of `24` attributes out of which first `23` attributes describes details of `CTGs` features and last attribute called `NSP` is used to classify these `CTGs` on the basis of fetal state." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "## Split Data into Train and Validation\n", - "Now we want to see how well our classifier is performing, but we dont have the test data labels with us to check. What do we do ? So we split our dataset into train and validation. The idea is that we test our classifier on validation set in order to get an idea of how well our classifier works. This way we can also ensure that we dont [overfit](https://machinelearningmastery.com/overfitting-and-underfitting-with-machine-learning-algorithms/) on the train dataset. There are many ways to do validation like [k-fold](https://machinelearningmastery.com/k-fold-cross-validation/),[leave one out](https://en.wikipedia.org/wiki/Cross-validation_(statistics), etc" + "## Split Data into Train and Validation 🔪\n", + "- The next step is to think of a way to test how well our model is performing. we cannot use the test data given as it does not contain the data labels for us to verify. \n", + "- The workaround this is to split the given training data into training and validation. Typically validation sets give us an idea of how our model will perform on unforeseen data. it is like holding back a chunk of data while training our model and then using it to for the purpose of testing. it is a standard way to fine-tune hyperparameters in a model. \n", + "- There are multiple ways to split a dataset into validation and training sets. following are two popular ways to go about it, [k-fold](https://machinelearningmastery.com/k-fold-cross-validation/), [leave one out](https://en.wikipedia.org/wiki/Cross-validation_statistics). ðŸ§\n", + "- Validation sets are also used to avoid your model from [overfitting](https://machinelearningmastery.com/overfitting-and-underfitting-with-machine-learning-algorithms/) on the train dataset." ] }, { "cell_type": "code", - "execution_count": 9, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "X_train, X_val= train_test_split(train_data, test_size=0.2, random_state=42) " + "X_train, X_val= train_test_split(all_data, test_size=0.2, random_state=42) " ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "Here we have selected the size of the testing data to be 20% of the total data. You can change it and see what effect it has on the accuracies. To learn more about the train_test_split function [click here](https://scikit-learn.org/stable/modules/generated/sklearn.model_selection.train_test_split.html)." + "- We have decided to split the data with 20 % as validation and 80 % as training. \n", + "- To learn more about the train_test_split function [click here](https://scikit-learn.org/stable/modules/generated/sklearn.model_selection.train_test_split.html). 🧠\n", + "- This is of course the simplest way to validate your model by simply taking a random chunk of the train set and setting it aside solely for the purpose of testing our train model on unseen data. as mentioned in the previous block, you can experiment 🔬 with and choose more sophisticated techniques and make your model better." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "Now, since we have our data splitted into train and validation sets, we need to get the label separated from the data." + "- Now, since we have our data splitted into train and validation sets, we need to get the corresponding labels separated from the data. \n", + "- with this step we are all set move to the next step with a prepared dataset." ] }, { "cell_type": "code", - "execution_count": 11, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -389,35 +181,52 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Define the Classifier\n", - "Now we come to the juicy part. We have fixed our data and now we train a classifier. The classifier will learn the function by looking at the inputs and corresponding outputs. There are a ton of classifiers to choose from some being [Logistic Regression](https://towardsdatascience.com/logistic-regression-detailed-overview-46c4da4303bc), [SVM](https://towardsdatascience.com/support-vector-machine-introduction-to-machine-learning-algorithms-934a444fca47), [Random Forests](https://towardsdatascience.com/support-vector-machine-introduction-to-machine-learning-algorithms-934a444fca47), [Decision Trees](https://towardsdatascience.com/decision-trees-in-machine-learning-641b9c4e8052), etc. \n", - "Tip: A good model doesnt depend solely on the classifier but on the features(columns) you choose. So make sure to play with your data and keep only whats important. " + "# TRAINING PHASE ðŸ‹ï¸" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Define the Model\n", + "\n", + "- We have fixed our data and now we are ready to train our model. \n", + "\n", + "- There are a ton of classifiers to choose from some being [Logistic Regression](https://towardsdatascience.com/logistic-regression-detailed-overview-46c4da4303bc), [SVM](https://towardsdatascience.com/support-vector-machine-introduction-to-machine-learning-algorithms-934a444fca47), [Random Forests](https://towardsdatascience.com/support-vector-machine-introduction-to-machine-learning-algorithms-934a444fca47), [Decision Trees](https://towardsdatascience.com/decision-trees-in-machine-learning-641b9c4e8052), etc.🧠\n", + "\n", + "- Remember that there are no hard-laid rules here. you can mix and match classifiers, it is advisable to read up on the numerous techniques and choose the best fit for your solution , experimentation is the key. \n", + " \n", + "- A good model does not depend solely on the classifier but also on the features you choose. So make sure to analyse and understand your data well and move forward with a clear view of the problem at hand. you can gain important insight from [here](https://towardsdatascience.com/the-5-feature-selection-algorithms-every-data-scientist-need-to-know-3a6b566efd2).🧠" ] }, { "cell_type": "code", - "execution_count": 12, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "# classifier = SVC(gamma='auto')\n", + "classifier = SVC(gamma='auto')\n", "\n", - "#from sklearn.linear_model import LogisticRegression\n", - "classifier = LogisticRegression()" + "# from sklearn.linear_model import LogisticRegression\n", + "# classifier = LogisticRegression()" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "We have used [Support Vector Machines](https://scikit-learn.org/stable/modules/svm.html#classification) as a classifier here and set few of the parameteres. But one can set more parameters and increase the performance. To see the list of parameters visit [here](https://scikit-learn.org/stable/modules/generated/sklearn.svm.SVC.html)." + "- To start you off, We have used a basic [Support Vector Machines](https://scikit-learn.org/stable/modules/svm.html#classification) classifier here. \n", + "- But you can tune parameters and increase the performance. To see the list of parameters visit [here](https://scikit-learn.org/stable/modules/generated/sklearn.svm.SVC.html). \n", + "- Do keep in mind there exist sophisticated techniques for everything, the key as quoted earlier is to search them and experiment to fit your implementation." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "We can also use other classifiers. To read more about sklean classifiers visit [here](https://scikit-learn.org/stable/supervised_learning.html). Try and use other classifiers to see how the performance of your model changes. Try using [Logistic Regression](https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LogisticRegression.html) or [MLP](http://scikit-learn.org/stable/modules/generated/sklearn.neural_network.MLPClassifier.html) and compare how the performance changes." + "\n", + "\n", + "To read more about other sklearn classifiers visit [here ðŸ§](https://scikit-learn.org/stable/supervised_learning.html). Try and use other classifiers to see how the performance of your model changes. Try using [Logistic Regression](https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LogisticRegression.html) or [MLP](http://scikit-learn.org/stable/modules/generated/sklearn.neural_network.MLPClassifier.html) and compare how the performance changes." ] }, { @@ -429,34 +238,9 @@ }, { "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/home/shubh/.local/lib/python3.5/site-packages/sklearn/linear_model/logistic.py:432: FutureWarning: Default solver will be changed to 'lbfgs' in 0.22. Specify a solver to silence this warning.\n", - " FutureWarning)\n", - "/home/shubh/.local/lib/python3.5/site-packages/sklearn/linear_model/logistic.py:469: FutureWarning: Default multi_class will be changed to 'auto' in 0.22. Specify the multi_class option to silence this warning.\n", - " \"this warning.\", FutureWarning)\n" - ] - }, - { - "data": { - "text/plain": [ - "LogisticRegression(C=1.0, class_weight=None, dual=False, fit_intercept=True,\n", - " intercept_scaling=1, l1_ratio=None, max_iter=100,\n", - " multi_class='warn', n_jobs=None, penalty='l2',\n", - " random_state=None, solver='warn', tol=0.0001, verbose=0,\n", - " warm_start=False)" - ] - }, - "execution_count": 13, - "metadata": {}, - "output_type": "execute_result" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "classifier.fit(X_train, y_train)" ] @@ -468,17 +252,26 @@ "Got a warning! Dont worry, its just beacuse the number of iteration is very less(defined in the classifier in the above cell).Increase the number of iterations and see if the warning vanishes and also see how the performance changes.Do remember increasing iterations also increases the running time.( Hint: max_iter=500)" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Validation Phase 🤔\n", + "Wonder how well your model learned! Lets check it." + ] + }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Predict on Validation\n", - "Now we predict our trained classifier on the validation set and evaluate our model" + "\n", + "Now we predict using our trained model on the validation set we created and evaluate our model on unforeseen data." ] }, { "cell_type": "code", - "execution_count": 14, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -490,13 +283,16 @@ "metadata": {}, "source": [ "## Evaluate the Performance\n", - "We use the same metrics as that will be used for the test set. \n", - "[F1 score](https://en.wikipedia.org/wiki/F1_score) and [Log Loss](https://scikit-learn.org/stable/modules/generated/sklearn.metrics.log_loss.html) are the metrics for this challenge" + "\n", + "- We have used basic metrics to quantify the performance of our model. \n", + "- This is a crucial step, you should reason out the metrics and take hints to improve aspects of your model.\n", + "- Do read up on the meaning and use of different metrics. there exist more metrics and measures, you should learn to use them correctly with respect to the solution,dataset and other factors. \n", + "- [F1 score](https://en.wikipedia.org/wiki/F1_score) are the metrics for this challenge" ] }, { "cell_type": "code", - "execution_count": 15, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -508,20 +304,11 @@ }, { "cell_type": "code", - "execution_count": 16, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy of the model is : 0.9823529411764705\n", - "Recall of the model is : 0.9823529411764705\n", - "Precision of the model is : 0.9823529411764705\n", - "F1 score of the model is : 0.9652514456902025\n" - ] - } - ], + "execution_count": null, + "metadata": { + "scrolled": true + }, + "outputs": [], "source": [ "print(\"Accuracy of the model is :\" ,accuracy)\n", "print(\"Recall of the model is :\" ,recall)\n", @@ -533,7 +320,9 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "# Prediction on Evaluation Set" + "# Testing Phase 😅\n", + "\n", + "We are almost done. We trained and validated on the training data. Now its the time to predict on test set and make a submission." ] }, { @@ -541,16 +330,17 @@ "metadata": {}, "source": [ "## Load Test Set\n", - "Load the test data now" + "\n", + "Load the test data on which final submission is to be made." ] }, { "cell_type": "code", - "execution_count": 117, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "final_test_path = \"test.csv\"\n", + "final_test_path = \"data/test.csv\"\n", "final_test = pd.read_csv(final_test_path)" ] }, @@ -564,7 +354,7 @@ }, { "cell_type": "code", - "execution_count": 118, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -580,7 +370,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -589,19 +379,22 @@ }, { "cell_type": "code", - "execution_count": 119, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ "submission = pd.DataFrame(submission)\n", - "submission.to_csv('/tmp/submission.csv',header=['NSP'],index=False)" + "submission.to_csv('data/submission.csv',header=['NSP'],index=False)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "Note: Do take a look at the submission format.The submission file should contain a header." + "🚧 Note : \n", + "- Do take a look at the submission format. \n", + "- The submission file should contain a header. \n", + "- Follow all submission guidelines strictly to avoid inconvenience." ] }, { @@ -617,23 +410,19 @@ "metadata": {}, "outputs": [], "source": [ - "from google.colab import files\n", - "files.download('/tmp/submission.csv') " + "try:\n", + " from google.colab import files\n", + " files.download('submission.csv')\n", + "except ImportError as e:\n", + " print(\"Only for Collab\") " ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "### Go to [platform](https://www.aicrowd.com/challenges/bkmkt-bank-marketing-stategy-analysis). Participate in the challenge and submit the submission.csv." + "### Well Done! 👠We are all set to make a submission and see your name on leaderborad. Lets navigate to [challenge page](https://www.aicrowd.com/challenges/crdio) and make one." ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] } ], "metadata": { @@ -652,7 +441,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.5.2" + "version": "3.7.6" } }, "nbformat": 4, diff --git a/baselines/CRDIO_baseline.ipynb b/baselines/CRDIO_baseline.ipynb index 5ed8c17..3d0ccc2 100644 --- a/baselines/CRDIO_baseline.ipynb +++ b/baselines/CRDIO_baseline.ipynb @@ -4,79 +4,56 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "# Baseline for crdio Educational Challenge on AIcrowd\n", - "#### Author : Shubham Sharma" + "" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "## To open this notebook on Google Computing platform Colab, click below!" + "# Baseline for [CRDIO](https://www.aicrowd.com/challenges/crdio) Challenge on AIcrowd\n", + "#### Author : Shubham Sharma" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "[](https://colab.research.google.com/github/googlecolab/colabtools/blob/master/notebooks/colab-github-demo.ipynb)\n" + "## Download Necessary Packages 📚" ] }, { - "cell_type": "markdown", + "cell_type": "code", + "execution_count": null, "metadata": {}, + "outputs": [], "source": [ - "## Download Necessary Packages" - ] - }, - { - "cell_type": "code", - "execution_count": 1, - "metadata": { - "collapsed": true - }, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Requirement already satisfied: numpy in /home/ayush/.local/lib/python3.7/site-packages (1.18.1)\n", - "Requirement already satisfied: pandas in /home/ayush/.local/lib/python3.7/site-packages (0.25.0)\n", - "Requirement already satisfied: numpy>=1.13.3 in /home/ayush/.local/lib/python3.7/site-packages (from pandas) (1.18.1)\n", - "Requirement already satisfied: pytz>=2017.2 in /home/ayush/.local/lib/python3.7/site-packages (from pandas) (2019.3)\n", - "Requirement already satisfied: python-dateutil>=2.6.1 in /home/ayush/anaconda3/lib/python3.7/site-packages (from pandas) (2.8.0)\n", - "Requirement already satisfied: six>=1.5 in /home/ayush/anaconda3/lib/python3.7/site-packages (from python-dateutil>=2.6.1->pandas) (1.12.0)\n", - "Requirement already satisfied: scikit-learn in /home/ayush/.local/lib/python3.7/site-packages (0.21.3)\n", - "Requirement already satisfied: scipy>=0.17.0 in /home/ayush/.local/lib/python3.7/site-packages (from scikit-learn) (1.4.1)\n", - "Requirement already satisfied: joblib>=0.11 in /home/ayush/.local/lib/python3.7/site-packages (from scikit-learn) (0.14.0)\n", - "Requirement already satisfied: numpy>=1.11.0 in /home/ayush/.local/lib/python3.7/site-packages (from scikit-learn) (1.18.1)\n" - ] - } - ], - "source": [ - "import sys\n", - "!{sys.executable} -m pip install numpy\n", - "!{sys.executable} -m pip install pandas\n", - "!{sys.executable} -m pip install scikit-learn" + "!pip install numpy\n", + "!pip install pandas\n", + "!pip install scikit-learn" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "## Download data\n", - "The first step is to download out train test data. We will be training a classifier on the train data and make predictions on test data. We submit our predictions\n" + "## Download Data\n", + "The first step is to download out train test data. We will be training a model on the train data and make predictions on test data. We submit our predictions\n" ] }, { "cell_type": "code", - "execution_count": 1, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "#Donwload the datasets\n", - "!wget https://s3.eu-central-1.wasabisys.com/aicrowd-public-datasets/public/crdio/v0.1/test.csv\n", - "!wget https://s3.eu-central-1.wasabisys.com/aicrowd-public-datasets/public/crdio/v0.1/test.csv" + "!rm -rf data\n", + "!mkdir data \n", + "!wget https://datasets.aicrowd.com/default/aicrowd-practice-challenges/public/crdio/v0.1/test.csv\n", + "!wget https://datasets.aicrowd.com/default/aicrowd-practice-challenges/public/crdio/v0.1/train.csv\n", + "!mv test.csv data/test.csv\n", + "!mv train.csv data/train.csv\n", + "\n" ] }, { @@ -89,7 +66,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": 2, "metadata": {}, "outputs": [], "source": [ @@ -107,277 +84,92 @@ "metadata": {}, "source": [ "## Load Data\n", - "We use pandas library to load our data. Pandas loads them into dataframes which helps us analyze our data easily. Learn more about it [here](https://www.tutorialspoint.com/python_data_science/python_pandas.htm)" + "- We use pandas 🼠library to load our data. \n", + "- Pandas loads the data into dataframes and facilitates us to analyse the data. \n", + "- Learn more about it [here](https://www.tutorialspoint.com/python_data_science/python_pandas.htm) 🤓" ] }, { "cell_type": "code", - "execution_count": 6, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "train_data_path = \"train.csv\" #path where data is stored" + "all_data_path = \"data/train.csv\" #path where data is stored" ] }, { "cell_type": "code", - "execution_count": 7, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "train_data = pd.read_csv(train_data_path) #load data in dataframe using pandas" + "all_data = pd.read_csv(all_data_path) #load data in dataframe using pandas" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "## Visualize the data" + "## Visualize the data 👀" ] }, { "cell_type": "code", - "execution_count": 8, - "metadata": {}, - "outputs": [ - { - "data": { - "text/html": [ - "<div>\n", - "<style scoped>\n", - " .dataframe tbody tr th:only-of-type {\n", - " vertical-align: middle;\n", - " }\n", - "\n", - " .dataframe tbody tr th {\n", - " vertical-align: top;\n", - " }\n", - "\n", - " .dataframe thead th {\n", - " text-align: right;\n", - " }\n", - "</style>\n", - "<table border=\"1\" class=\"dataframe\">\n", - " <thead>\n", - " <tr style=\"text-align: right;\">\n", - " <th></th>\n", - " <th>LBE</th>\n", - " <th>LB</th>\n", - " <th>AC</th>\n", - " <th>FM</th>\n", - " <th>UC</th>\n", - " <th>ASTV</th>\n", - " <th>MSTV</th>\n", - " <th>ALTV</th>\n", - " <th>MLTV</th>\n", - " <th>DL</th>\n", - " <th>...</th>\n", - " <th>B</th>\n", - " <th>C</th>\n", - " <th>D</th>\n", - " <th>E</th>\n", - " <th>AD</th>\n", - " <th>DE</th>\n", - " <th>LD</th>\n", - " <th>FS</th>\n", - " <th>SUSP</th>\n", - " <th>NSP</th>\n", - " </tr>\n", - " </thead>\n", - " <tbody>\n", - " <tr>\n", - " <th>0</th>\n", - " <td>135.0</td>\n", - " <td>135.0</td>\n", - " <td>8.0</td>\n", - " <td>2.0</td>\n", - " <td>7.0</td>\n", - " <td>60.0</td>\n", - " <td>1.0</td>\n", - " <td>0.0</td>\n", - " <td>5.2</td>\n", - " <td>0.0</td>\n", - " <td>...</td>\n", - " <td>1.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>1</td>\n", - " </tr>\n", - " <tr>\n", - " <th>1</th>\n", - " <td>133.0</td>\n", - " <td>133.0</td>\n", - " <td>0.0</td>\n", - " <td>4.0</td>\n", - " <td>6.0</td>\n", - " <td>60.0</td>\n", - " <td>2.5</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>4.0</td>\n", - " <td>...</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>1.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>1</td>\n", - " </tr>\n", - " <tr>\n", - " <th>2</th>\n", - " <td>135.0</td>\n", - " <td>135.0</td>\n", - " <td>10.0</td>\n", - " <td>2.0</td>\n", - " <td>4.0</td>\n", - " <td>60.0</td>\n", - " <td>0.9</td>\n", - " <td>0.0</td>\n", - " <td>0.5</td>\n", - " <td>0.0</td>\n", - " <td>...</td>\n", - " <td>1.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>1</td>\n", - " </tr>\n", - " <tr>\n", - " <th>3</th>\n", - " <td>120.0</td>\n", - " <td>120.0</td>\n", - " <td>3.0</td>\n", - " <td>1.0</td>\n", - " <td>2.0</td>\n", - " <td>56.0</td>\n", - " <td>0.5</td>\n", - " <td>0.0</td>\n", - " <td>8.8</td>\n", - " <td>0.0</td>\n", - " <td>...</td>\n", - " <td>1.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>1</td>\n", - " </tr>\n", - " <tr>\n", - " <th>4</th>\n", - " <td>132.0</td>\n", - " <td>132.0</td>\n", - " <td>6.0</td>\n", - " <td>0.0</td>\n", - " <td>6.0</td>\n", - " <td>27.0</td>\n", - " <td>1.7</td>\n", - " <td>0.0</td>\n", - " <td>11.3</td>\n", - " <td>0.0</td>\n", - " <td>...</td>\n", - " <td>1.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>0.0</td>\n", - " <td>1</td>\n", - " </tr>\n", - " </tbody>\n", - "</table>\n", - "<p>5 rows × 34 columns</p>\n", - "</div>" - ], - "text/plain": [ - " LBE LB AC FM UC ASTV MSTV ALTV MLTV DL ... B C \\\n", - "0 135.0 135.0 8.0 2.0 7.0 60.0 1.0 0.0 5.2 0.0 ... 1.0 0.0 \n", - "1 133.0 133.0 0.0 4.0 6.0 60.0 2.5 0.0 0.0 4.0 ... 0.0 0.0 \n", - "2 135.0 135.0 10.0 2.0 4.0 60.0 0.9 0.0 0.5 0.0 ... 1.0 0.0 \n", - "3 120.0 120.0 3.0 1.0 2.0 56.0 0.5 0.0 8.8 0.0 ... 1.0 0.0 \n", - "4 132.0 132.0 6.0 0.0 6.0 27.0 1.7 0.0 11.3 0.0 ... 1.0 0.0 \n", - "\n", - " D E AD DE LD FS SUSP NSP \n", - "0 0.0 0.0 0.0 0.0 0.0 0.0 0.0 1 \n", - "1 0.0 0.0 0.0 1.0 0.0 0.0 0.0 1 \n", - "2 0.0 0.0 0.0 0.0 0.0 0.0 0.0 1 \n", - "3 0.0 0.0 0.0 0.0 0.0 0.0 0.0 1 \n", - "4 0.0 0.0 0.0 0.0 0.0 0.0 0.0 1 \n", - "\n", - "[5 rows x 34 columns]" - ] - }, - "execution_count": 8, - "metadata": {}, - "output_type": "execute_result" - } - ], - "source": [ - "train_data.head()" + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "all_data.head()" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "The dataset consists of `34` attributes out of which first `33` attributes describes details of `CTGs` features and last attribute called `NSP` is used to classify these `CTGs` on the basis of fetal state." + "The dataset consists of `24` attributes out of which first `23` attributes describes details of `CTGs` features and last attribute called `NSP` is used to classify these `CTGs` on the basis of fetal state." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "## Split Data into Train and Validation\n", - "Now we want to see how well our classifier is performing, but we dont have the test data labels with us to check. What do we do ? So we split our dataset into train and validation. The idea is that we test our classifier on validation set in order to get an idea of how well our classifier works. This way we can also ensure that we dont [overfit](https://machinelearningmastery.com/overfitting-and-underfitting-with-machine-learning-algorithms/) on the train dataset. There are many ways to do validation like [k-fold](https://machinelearningmastery.com/k-fold-cross-validation/),[leave one out](https://en.wikipedia.org/wiki/Cross-validation_(statistics), etc" + "## Split Data into Train and Validation 🔪\n", + "- The next step is to think of a way to test how well our model is performing. we cannot use the test data given as it does not contain the data labels for us to verify. \n", + "- The workaround this is to split the given training data into training and validation. Typically validation sets give us an idea of how our model will perform on unforeseen data. it is like holding back a chunk of data while training our model and then using it to for the purpose of testing. it is a standard way to fine-tune hyperparameters in a model. \n", + "- There are multiple ways to split a dataset into validation and training sets. following are two popular ways to go about it, [k-fold](https://machinelearningmastery.com/k-fold-cross-validation/), [leave one out](https://en.wikipedia.org/wiki/Cross-validation_statistics). ðŸ§\n", + "- Validation sets are also used to avoid your model from [overfitting](https://machinelearningmastery.com/overfitting-and-underfitting-with-machine-learning-algorithms/) on the train dataset." ] }, { "cell_type": "code", - "execution_count": 9, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "X_train, X_val= train_test_split(train_data, test_size=0.2, random_state=42) " + "X_train, X_val= train_test_split(all_data, test_size=0.2, random_state=42) " ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "Here we have selected the size of the testing data to be 20% of the total data. You can change it and see what effect it has on the accuracies. To learn more about the train_test_split function [click here](https://scikit-learn.org/stable/modules/generated/sklearn.model_selection.train_test_split.html)." + "- We have decided to split the data with 20 % as validation and 80 % as training. \n", + "- To learn more about the train_test_split function [click here](https://scikit-learn.org/stable/modules/generated/sklearn.model_selection.train_test_split.html). 🧠\n", + "- This is of course the simplest way to validate your model by simply taking a random chunk of the train set and setting it aside solely for the purpose of testing our train model on unseen data. as mentioned in the previous block, you can experiment 🔬 with and choose more sophisticated techniques and make your model better." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "Now, since we have our data splitted into train and validation sets, we need to get the label separated from the data." + "- Now, since we have our data splitted into train and validation sets, we need to get the corresponding labels separated from the data. \n", + "- with this step we are all set move to the next step with a prepared dataset." ] }, { "cell_type": "code", - "execution_count": 11, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -389,35 +181,52 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "## Define the Classifier\n", - "Now we come to the juicy part. We have fixed our data and now we train a classifier. The classifier will learn the function by looking at the inputs and corresponding outputs. There are a ton of classifiers to choose from some being [Logistic Regression](https://towardsdatascience.com/logistic-regression-detailed-overview-46c4da4303bc), [SVM](https://towardsdatascience.com/support-vector-machine-introduction-to-machine-learning-algorithms-934a444fca47), [Random Forests](https://towardsdatascience.com/support-vector-machine-introduction-to-machine-learning-algorithms-934a444fca47), [Decision Trees](https://towardsdatascience.com/decision-trees-in-machine-learning-641b9c4e8052), etc. \n", - "Tip: A good model doesnt depend solely on the classifier but on the features(columns) you choose. So make sure to play with your data and keep only whats important. " + "# TRAINING PHASE ðŸ‹ï¸" + ] + }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "## Define the Model\n", + "\n", + "- We have fixed our data and now we are ready to train our model. \n", + "\n", + "- There are a ton of classifiers to choose from some being [Logistic Regression](https://towardsdatascience.com/logistic-regression-detailed-overview-46c4da4303bc), [SVM](https://towardsdatascience.com/support-vector-machine-introduction-to-machine-learning-algorithms-934a444fca47), [Random Forests](https://towardsdatascience.com/support-vector-machine-introduction-to-machine-learning-algorithms-934a444fca47), [Decision Trees](https://towardsdatascience.com/decision-trees-in-machine-learning-641b9c4e8052), etc.🧠\n", + "\n", + "- Remember that there are no hard-laid rules here. you can mix and match classifiers, it is advisable to read up on the numerous techniques and choose the best fit for your solution , experimentation is the key. \n", + " \n", + "- A good model does not depend solely on the classifier but also on the features you choose. So make sure to analyse and understand your data well and move forward with a clear view of the problem at hand. you can gain important insight from [here](https://towardsdatascience.com/the-5-feature-selection-algorithms-every-data-scientist-need-to-know-3a6b566efd2).🧠" ] }, { "cell_type": "code", - "execution_count": 12, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "# classifier = SVC(gamma='auto')\n", + "classifier = SVC(gamma='auto')\n", "\n", - "#from sklearn.linear_model import LogisticRegression\n", - "classifier = LogisticRegression()" + "# from sklearn.linear_model import LogisticRegression\n", + "# classifier = LogisticRegression()" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "We have used [Support Vector Machines](https://scikit-learn.org/stable/modules/svm.html#classification) as a classifier here and set few of the parameteres. But one can set more parameters and increase the performance. To see the list of parameters visit [here](https://scikit-learn.org/stable/modules/generated/sklearn.svm.SVC.html)." + "- To start you off, We have used a basic [Support Vector Machines](https://scikit-learn.org/stable/modules/svm.html#classification) classifier here. \n", + "- But you can tune parameters and increase the performance. To see the list of parameters visit [here](https://scikit-learn.org/stable/modules/generated/sklearn.svm.SVC.html). \n", + "- Do keep in mind there exist sophisticated techniques for everything, the key as quoted earlier is to search them and experiment to fit your implementation." ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "We can also use other classifiers. To read more about sklean classifiers visit [here](https://scikit-learn.org/stable/supervised_learning.html). Try and use other classifiers to see how the performance of your model changes. Try using [Logistic Regression](https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LogisticRegression.html) or [MLP](http://scikit-learn.org/stable/modules/generated/sklearn.neural_network.MLPClassifier.html) and compare how the performance changes." + "\n", + "\n", + "To read more about other sklearn classifiers visit [here ðŸ§](https://scikit-learn.org/stable/supervised_learning.html). Try and use other classifiers to see how the performance of your model changes. Try using [Logistic Regression](https://scikit-learn.org/stable/modules/generated/sklearn.linear_model.LogisticRegression.html) or [MLP](http://scikit-learn.org/stable/modules/generated/sklearn.neural_network.MLPClassifier.html) and compare how the performance changes." ] }, { @@ -429,34 +238,9 @@ }, { "cell_type": "code", - "execution_count": 13, - "metadata": {}, - "outputs": [ - { - "name": "stderr", - "output_type": "stream", - "text": [ - "/home/shubh/.local/lib/python3.5/site-packages/sklearn/linear_model/logistic.py:432: FutureWarning: Default solver will be changed to 'lbfgs' in 0.22. Specify a solver to silence this warning.\n", - " FutureWarning)\n", - "/home/shubh/.local/lib/python3.5/site-packages/sklearn/linear_model/logistic.py:469: FutureWarning: Default multi_class will be changed to 'auto' in 0.22. Specify the multi_class option to silence this warning.\n", - " \"this warning.\", FutureWarning)\n" - ] - }, - { - "data": { - "text/plain": [ - "LogisticRegression(C=1.0, class_weight=None, dual=False, fit_intercept=True,\n", - " intercept_scaling=1, l1_ratio=None, max_iter=100,\n", - " multi_class='warn', n_jobs=None, penalty='l2',\n", - " random_state=None, solver='warn', tol=0.0001, verbose=0,\n", - " warm_start=False)" - ] - }, - "execution_count": 13, - "metadata": {}, - "output_type": "execute_result" - } - ], + "execution_count": null, + "metadata": {}, + "outputs": [], "source": [ "classifier.fit(X_train, y_train)" ] @@ -468,17 +252,26 @@ "Got a warning! Dont worry, its just beacuse the number of iteration is very less(defined in the classifier in the above cell).Increase the number of iterations and see if the warning vanishes and also see how the performance changes.Do remember increasing iterations also increases the running time.( Hint: max_iter=500)" ] }, + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "# Validation Phase 🤔\n", + "Wonder how well your model learned! Lets check it." + ] + }, { "cell_type": "markdown", "metadata": {}, "source": [ "## Predict on Validation\n", - "Now we predict our trained classifier on the validation set and evaluate our model" + "\n", + "Now we predict using our trained model on the validation set we created and evaluate our model on unforeseen data." ] }, { "cell_type": "code", - "execution_count": 14, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -490,13 +283,16 @@ "metadata": {}, "source": [ "## Evaluate the Performance\n", - "We use the same metrics as that will be used for the test set. \n", - "[F1 score](https://en.wikipedia.org/wiki/F1_score) and [Log Loss](https://scikit-learn.org/stable/modules/generated/sklearn.metrics.log_loss.html) are the metrics for this challenge" + "\n", + "- We have used basic metrics to quantify the performance of our model. \n", + "- This is a crucial step, you should reason out the metrics and take hints to improve aspects of your model.\n", + "- Do read up on the meaning and use of different metrics. there exist more metrics and measures, you should learn to use them correctly with respect to the solution,dataset and other factors. \n", + "- [F1 score](https://en.wikipedia.org/wiki/F1_score) are the metrics for this challenge" ] }, { "cell_type": "code", - "execution_count": 15, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -508,20 +304,11 @@ }, { "cell_type": "code", - "execution_count": 16, - "metadata": {}, - "outputs": [ - { - "name": "stdout", - "output_type": "stream", - "text": [ - "Accuracy of the model is : 0.9823529411764705\n", - "Recall of the model is : 0.9823529411764705\n", - "Precision of the model is : 0.9823529411764705\n", - "F1 score of the model is : 0.9652514456902025\n" - ] - } - ], + "execution_count": null, + "metadata": { + "scrolled": true + }, + "outputs": [], "source": [ "print(\"Accuracy of the model is :\" ,accuracy)\n", "print(\"Recall of the model is :\" ,recall)\n", @@ -533,7 +320,9 @@ "cell_type": "markdown", "metadata": {}, "source": [ - "# Prediction on Evaluation Set" + "# Testing Phase 😅\n", + "\n", + "We are almost done. We trained and validated on the training data. Now its the time to predict on test set and make a submission." ] }, { @@ -541,16 +330,17 @@ "metadata": {}, "source": [ "## Load Test Set\n", - "Load the test data now" + "\n", + "Load the test data on which final submission is to be made." ] }, { "cell_type": "code", - "execution_count": 117, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ - "final_test_path = \"test.csv\"\n", + "final_test_path = \"data/test.csv\"\n", "final_test = pd.read_csv(final_test_path)" ] }, @@ -564,7 +354,7 @@ }, { "cell_type": "code", - "execution_count": 118, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -580,7 +370,7 @@ }, { "cell_type": "code", - "execution_count": 5, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ @@ -589,19 +379,22 @@ }, { "cell_type": "code", - "execution_count": 119, + "execution_count": null, "metadata": {}, "outputs": [], "source": [ "submission = pd.DataFrame(submission)\n", - "submission.to_csv('/tmp/submission.csv',header=['NSP'],index=False)" + "submission.to_csv('data/submission.csv',header=['NSP'],index=False)" ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "Note: Do take a look at the submission format.The submission file should contain a header." + "🚧 Note : \n", + "- Do take a look at the submission format. \n", + "- The submission file should contain a header. \n", + "- Follow all submission guidelines strictly to avoid inconvenience." ] }, { @@ -617,23 +410,19 @@ "metadata": {}, "outputs": [], "source": [ - "from google.colab import files\n", - "files.download('/tmp/submission.csv') " + "try:\n", + " from google.colab import files\n", + " files.download('submission.csv')\n", + "except ImportError as e:\n", + " print(\"Only for Collab\") " ] }, { "cell_type": "markdown", "metadata": {}, "source": [ - "### Go to [platform](https://www.aicrowd.com/challenges/bkmkt-bank-marketing-stategy-analysis). Participate in the challenge and submit the submission.csv." + "### Well Done! 👠We are all set to make a submission and see your name on leaderborad. Lets navigate to [challenge page](https://www.aicrowd.com/challenges/crdio) and make one." ] - }, - { - "cell_type": "code", - "execution_count": null, - "metadata": {}, - "outputs": [], - "source": [] } ], "metadata": { @@ -652,7 +441,7 @@ "name": "python", "nbconvert_exporter": "python", "pygments_lexer": "ipython3", - "version": "3.5.2" + "version": "3.7.6" } }, "nbformat": 4, diff --git a/baselines/train.csv b/baselines/train.csv deleted file mode 100644 index ec7cef5..0000000 --- a/baselines/train.csv +++ /dev/null @@ -1,1701 +0,0 @@ -LBE,LB,AC,FM,UC,ASTV,MSTV,ALTV,MLTV,DL,DS,DP,DR,Width,Min,Max,Nmax,Nzeros,Mode,Mean,Median,Variance,Tendency,NSP -135.0,135.0,8.0,2.0,7.0,60.0,1.0,0.0,5.2,0.0,0.0,0.0,0.0,40.0,123.0,163.0,0.0,0.0,148.0,142.0,145.0,7.0,0.0,1 -133.0,133.0,0.0,4.0,6.0,60.0,2.5,0.0,0.0,4.0,0.0,0.0,0.0,65.0,83.0,148.0,2.0,0.0,131.0,122.0,130.0,14.0,1.0,1 -135.0,135.0,10.0,2.0,4.0,60.0,0.9,0.0,0.5,0.0,0.0,0.0,0.0,39.0,124.0,163.0,1.0,0.0,148.0,143.0,146.0,6.0,0.0,1 -120.0,120.0,3.0,1.0,2.0,56.0,0.5,0.0,8.8,0.0,0.0,0.0,0.0,35.0,106.0,141.0,1.0,0.0,125.0,125.0,126.0,3.0,0.0,1 -132.0,132.0,6.0,0.0,6.0,27.0,1.7,0.0,11.3,0.0,0.0,0.0,0.0,122.0,54.0,176.0,8.0,0.0,150.0,146.0,149.0,18.0,1.0,1 -138.0,138.0,0.0,18.0,3.0,59.0,0.5,26.0,4.9,1.0,0.0,0.0,0.0,54.0,100.0,154.0,5.0,0.0,147.0,145.0,148.0,3.0,1.0,2 -130.0,130.0,2.0,0.0,4.0,25.0,1.7,0.0,0.0,4.0,0.0,0.0,0.0,94.0,76.0,170.0,6.0,0.0,133.0,119.0,121.0,73.0,0.0,1 -137.0,137.0,0.0,4.0,2.0,59.0,2.0,0.0,9.8,6.0,0.0,0.0,0.0,116.0,52.0,168.0,6.0,1.0,142.0,121.0,141.0,34.0,1.0,1 -138.0,138.0,0.0,0.0,4.0,57.0,1.3,11.0,10.2,1.0,0.0,2.0,0.0,132.0,60.0,192.0,11.0,1.0,140.0,126.0,137.0,75.0,0.0,2 -123.0,123.0,3.0,0.0,5.0,30.0,1.1,1.0,5.8,5.0,0.0,0.0,0.0,53.0,95.0,148.0,3.0,0.0,125.0,124.0,126.0,6.0,0.0,1 -137.0,137.0,3.0,0.0,3.0,36.0,0.9,0.0,5.0,1.0,0.0,0.0,0.0,63.0,115.0,178.0,4.0,0.0,148.0,148.0,149.0,9.0,0.0,1 -146.0,146.0,13.0,22.0,2.0,41.0,1.0,0.0,1.4,0.0,0.0,0.0,0.0,113.0,73.0,186.0,3.0,0.0,157.0,162.0,164.0,13.0,1.0,1 -136.0,136.0,0.0,0.0,3.0,37.0,1.0,0.0,15.7,0.0,0.0,0.0,0.0,37.0,117.0,154.0,2.0,1.0,138.0,137.0,139.0,2.0,0.0,1 -127.0,127.0,0.0,1.0,5.0,62.0,0.7,64.0,4.1,0.0,0.0,0.0,0.0,20.0,120.0,140.0,1.0,0.0,124.0,125.0,126.0,1.0,-1.0,1 -136.0,136.0,6.0,5.0,0.0,46.0,1.3,0.0,6.9,0.0,0.0,0.0,0.0,149.0,51.0,200.0,12.0,0.0,144.0,145.0,147.0,8.0,0.0,1 -141.0,141.0,1.0,0.0,5.0,65.0,0.5,1.0,11.7,0.0,0.0,0.0,0.0,24.0,133.0,157.0,1.0,0.0,150.0,147.0,149.0,2.0,1.0,1 -146.0,146.0,0.0,0.0,1.0,50.0,0.6,31.0,9.1,0.0,0.0,0.0,0.0,43.0,120.0,163.0,3.0,0.0,160.0,155.0,157.0,5.0,1.0,1 -122.0,122.0,1.0,0.0,8.0,21.0,1.7,0.0,14.3,1.0,0.0,0.0,0.0,37.0,105.0,142.0,1.0,0.0,125.0,123.0,125.0,3.0,0.0,1 -125.0,125.0,0.0,1.0,6.0,65.0,1.1,0.0,5.5,9.0,0.0,0.0,0.0,76.0,64.0,140.0,5.0,1.0,116.0,111.0,115.0,9.0,1.0,1 -129.0,129.0,0.0,1.0,6.0,67.0,3.2,0.0,0.0,5.0,0.0,2.0,0.0,80.0,66.0,146.0,7.0,0.0,105.0,80.0,107.0,9.0,0.0,3 -151.0,151.0,0.0,0.0,6.0,61.0,1.3,15.0,10.5,4.0,0.0,0.0,0.0,150.0,50.0,200.0,8.0,1.0,156.0,148.0,155.0,42.0,1.0,2 -135.0,135.0,5.0,0.0,3.0,58.0,1.0,0.0,5.6,0.0,0.0,0.0,0.0,43.0,121.0,164.0,3.0,0.0,147.0,144.0,146.0,6.0,0.0,1 -160.0,160.0,6.0,0.0,5.0,58.0,0.8,0.0,8.2,0.0,0.0,0.0,0.0,74.0,131.0,205.0,7.0,0.0,179.0,170.0,174.0,14.0,0.0,1 -127.0,127.0,0.0,1.0,5.0,63.0,0.7,59.0,4.0,0.0,0.0,0.0,0.0,20.0,120.0,140.0,2.0,0.0,126.0,125.0,127.0,0.0,-1.0,1 -143.0,143.0,0.0,0.0,1.0,68.0,0.3,6.0,9.6,0.0,0.0,0.0,0.0,27.0,132.0,159.0,1.0,0.0,144.0,144.0,146.0,1.0,0.0,1 -129.0,129.0,0.0,9.0,0.0,55.0,0.5,1.0,7.5,0.0,0.0,0.0,0.0,23.0,120.0,143.0,3.0,0.0,133.0,133.0,134.0,1.0,0.0,1 -123.0,123.0,0.0,0.0,1.0,74.0,0.3,64.0,5.9,0.0,0.0,0.0,0.0,52.0,84.0,136.0,3.0,0.0,123.0,124.0,126.0,1.0,1.0,2 -144.0,144.0,1.0,6.0,1.0,76.0,0.6,0.0,11.8,0.0,0.0,0.0,0.0,54.0,126.0,180.0,2.0,0.0,156.0,153.0,155.0,5.0,0.0,2 -150.0,150.0,0.0,0.0,0.0,76.0,0.2,43.0,5.2,1.0,0.0,0.0,0.0,35.0,123.0,158.0,1.0,0.0,154.0,153.0,155.0,1.0,1.0,2 -136.0,136.0,0.0,1.0,6.0,67.0,1.9,0.0,5.3,1.0,0.0,0.0,0.0,45.0,100.0,145.0,2.0,0.0,135.0,132.0,136.0,2.0,1.0,1 -125.0,125.0,0.0,0.0,6.0,64.0,1.3,0.0,1.9,9.0,0.0,0.0,0.0,90.0,65.0,155.0,5.0,0.0,111.0,111.0,113.0,7.0,0.0,1 -128.0,128.0,1.0,8.0,4.0,22.0,2.2,0.0,9.4,3.0,0.0,1.0,0.0,125.0,53.0,178.0,7.0,0.0,143.0,123.0,130.0,80.0,0.0,1 -131.0,131.0,10.0,3.0,5.0,55.0,1.9,0.0,2.4,2.0,0.0,0.0,0.0,85.0,84.0,169.0,6.0,0.0,150.0,139.0,144.0,25.0,1.0,1 -121.0,121.0,3.0,0.0,4.0,24.0,1.7,0.0,4.1,2.0,0.0,0.0,0.0,72.0,74.0,146.0,4.0,0.0,129.0,121.0,126.0,25.0,1.0,1 -130.0,130.0,3.0,0.0,3.0,36.0,2.5,0.0,8.7,2.0,0.0,0.0,0.0,144.0,51.0,195.0,7.0,2.0,133.0,134.0,134.0,38.0,0.0,1 -148.0,148.0,0.0,0.0,0.0,65.0,0.4,21.0,6.5,0.0,0.0,0.0,0.0,17.0,145.0,162.0,0.0,0.0,156.0,155.0,157.0,0.0,0.0,2 -131.0,131.0,6.0,3.0,3.0,55.0,2.3,0.0,0.0,1.0,0.0,0.0,0.0,56.0,109.0,165.0,3.0,0.0,130.0,138.0,141.0,25.0,0.0,1 -137.0,137.0,0.0,14.0,0.0,65.0,0.4,11.0,8.1,0.0,0.0,0.0,0.0,20.0,133.0,153.0,1.0,0.0,145.0,144.0,146.0,1.0,0.0,2 -143.0,143.0,3.0,0.0,8.0,47.0,0.7,0.0,10.9,0.0,0.0,0.0,0.0,33.0,137.0,170.0,2.0,1.0,155.0,154.0,156.0,3.0,0.0,1 -122.0,122.0,1.0,0.0,3.0,16.0,3.4,0.0,19.8,3.0,0.0,0.0,0.0,96.0,62.0,158.0,6.0,0.0,125.0,120.0,124.0,25.0,0.0,1 -120.0,120.0,13.0,70.0,1.0,35.0,2.4,0.0,11.4,0.0,0.0,0.0,0.0,121.0,55.0,176.0,10.0,0.0,167.0,149.0,157.0,72.0,1.0,1 -120.0,120.0,5.0,90.0,6.0,27.0,3.7,0.0,24.2,0.0,0.0,0.0,0.0,144.0,51.0,195.0,11.0,0.0,125.0,124.0,126.0,24.0,0.0,1 -139.0,139.0,4.0,0.0,2.0,34.0,1.0,0.0,8.1,0.0,0.0,0.0,0.0,42.0,131.0,173.0,4.0,0.0,144.0,145.0,146.0,3.0,-1.0,1 -132.0,132.0,0.0,0.0,3.0,32.0,1.1,0.0,15.5,0.0,0.0,0.0,0.0,39.0,111.0,150.0,1.0,0.0,133.0,131.0,132.0,3.0,0.0,1 -137.0,137.0,17.0,0.0,4.0,56.0,2.2,0.0,0.4,6.0,0.0,0.0,0.0,136.0,52.0,188.0,4.0,0.0,160.0,141.0,159.0,59.0,1.0,1 -152.0,152.0,0.0,0.0,5.0,58.0,0.5,48.0,7.1,1.0,0.0,0.0,0.0,53.0,110.0,163.0,4.0,3.0,159.0,154.0,157.0,4.0,1.0,1 -150.0,150.0,0.0,0.0,0.0,53.0,0.5,62.0,4.5,0.0,0.0,0.0,0.0,14.0,151.0,165.0,0.0,0.0,161.0,159.0,161.0,1.0,0.0,2 -145.0,145.0,0.0,0.0,1.0,62.0,0.5,8.0,10.1,1.0,0.0,0.0,0.0,87.0,70.0,157.0,1.0,1.0,148.0,145.0,148.0,4.0,1.0,2 -123.0,123.0,12.0,0.0,2.0,22.0,2.2,0.0,6.7,0.0,0.0,0.0,0.0,52.0,100.0,152.0,2.0,0.0,131.0,132.0,133.0,4.0,0.0,1 -126.0,126.0,2.0,0.0,4.0,29.0,1.2,0.0,4.8,0.0,0.0,0.0,0.0,36.0,108.0,144.0,3.0,0.0,127.0,131.0,131.0,4.0,0.0,1 -144.0,144.0,0.0,0.0,2.0,26.0,1.3,0.0,17.0,0.0,0.0,0.0,0.0,52.0,112.0,164.0,2.0,0.0,150.0,146.0,148.0,6.0,1.0,1 -159.0,159.0,1.0,0.0,6.0,58.0,0.5,0.0,7.8,0.0,0.0,0.0,0.0,44.0,133.0,177.0,4.0,0.0,163.0,164.0,165.0,2.0,1.0,1 -124.0,124.0,9.0,50.0,9.0,41.0,1.3,0.0,9.3,0.0,0.0,0.0,0.0,73.0,115.0,188.0,9.0,1.0,150.0,145.0,151.0,12.0,0.0,1 -112.0,112.0,4.0,0.0,3.0,25.0,1.3,0.0,7.3,0.0,0.0,0.0,0.0,37.0,105.0,142.0,1.0,0.0,114.0,115.0,115.0,4.0,-1.0,1 -130.0,130.0,4.0,6.0,5.0,51.0,2.8,0.0,4.2,2.0,0.0,0.0,0.0,76.0,87.0,163.0,5.0,0.0,135.0,131.0,136.0,11.0,0.0,1 -129.0,129.0,1.0,3.0,0.0,44.0,1.0,0.0,4.8,0.0,0.0,0.0,0.0,36.0,120.0,156.0,2.0,0.0,133.0,133.0,133.0,3.0,0.0,1 -127.0,127.0,8.0,0.0,6.0,30.0,1.4,0.0,6.7,1.0,0.0,0.0,0.0,119.0,63.0,182.0,9.0,0.0,134.0,138.0,137.0,18.0,0.0,1 -128.0,128.0,1.0,7.0,7.0,76.0,1.7,25.0,1.9,0.0,0.0,0.0,0.0,22.0,124.0,146.0,2.0,0.0,128.0,127.0,130.0,1.0,-1.0,1 -143.0,143.0,0.0,0.0,0.0,70.0,0.3,49.0,5.3,0.0,0.0,0.0,0.0,13.0,137.0,150.0,1.0,0.0,146.0,144.0,146.0,0.0,0.0,2 -133.0,133.0,2.0,0.0,4.0,34.0,1.1,6.0,14.5,0.0,0.0,0.0,0.0,58.0,101.0,159.0,4.0,0.0,142.0,139.0,142.0,4.0,1.0,1 -134.0,134.0,4.0,32.0,4.0,65.0,2.3,0.0,1.3,1.0,0.0,0.0,0.0,34.0,127.0,161.0,1.0,0.0,138.0,129.0,140.0,3.0,-1.0,1 -142.0,142.0,5.0,0.0,1.0,45.0,0.8,1.0,11.1,0.0,0.0,0.0,0.0,47.0,113.0,160.0,4.0,2.0,150.0,148.0,151.0,4.0,1.0,1 -138.0,138.0,1.0,2.0,4.0,52.0,2.6,0.0,2.4,7.0,0.0,0.0,0.0,104.0,60.0,164.0,4.0,0.0,135.0,124.0,135.0,48.0,1.0,1 -119.0,119.0,0.0,0.0,5.0,27.0,1.2,0.0,13.4,0.0,0.0,0.0,0.0,36.0,110.0,146.0,1.0,0.0,120.0,120.0,121.0,1.0,-1.0,1 -139.0,139.0,1.0,1.0,2.0,61.0,0.4,8.0,6.4,0.0,0.0,0.0,0.0,17.0,138.0,155.0,1.0,0.0,147.0,146.0,148.0,0.0,0.0,2 -120.0,120.0,6.0,60.0,1.0,36.0,1.8,0.0,10.9,0.0,0.0,0.0,0.0,124.0,53.0,177.0,6.0,0.0,163.0,152.0,160.0,42.0,1.0,1 -138.0,138.0,0.0,1.0,5.0,57.0,2.6,0.0,0.7,6.0,0.0,1.0,0.0,106.0,55.0,161.0,6.0,1.0,135.0,107.0,122.0,121.0,1.0,3 -133.0,133.0,0.0,0.0,13.0,61.0,2.8,0.0,0.0,4.0,0.0,3.0,0.0,98.0,57.0,155.0,4.0,0.0,125.0,95.0,103.0,95.0,0.0,3 -130.0,130.0,6.0,10.0,4.0,34.0,2.1,0.0,17.2,0.0,0.0,0.0,0.0,118.0,52.0,170.0,5.0,0.0,159.0,146.0,151.0,39.0,1.0,1 -144.0,144.0,7.0,5.0,1.0,71.0,0.8,0.0,2.7,1.0,0.0,0.0,0.0,94.0,82.0,176.0,3.0,0.0,156.0,154.0,155.0,6.0,1.0,1 -142.0,142.0,0.0,0.0,2.0,41.0,0.9,0.0,11.7,0.0,0.0,0.0,0.0,35.0,123.0,158.0,0.0,0.0,151.0,146.0,149.0,7.0,1.0,1 -136.0,136.0,4.0,0.0,5.0,46.0,0.8,1.0,7.4,0.0,0.0,0.0,0.0,39.0,119.0,158.0,1.0,1.0,144.0,143.0,145.0,1.0,0.0,1 -142.0,142.0,0.0,0.0,4.0,58.0,0.4,9.0,7.9,0.0,0.0,0.0,0.0,20.0,136.0,156.0,0.0,0.0,148.0,147.0,149.0,1.0,0.0,1 -141.0,141.0,5.0,0.0,7.0,58.0,0.6,3.0,9.6,0.0,0.0,0.0,0.0,63.0,108.0,171.0,3.0,1.0,156.0,154.0,157.0,5.0,1.0,1 -136.0,136.0,0.0,0.0,7.0,53.0,0.5,37.0,5.9,0.0,0.0,0.0,0.0,17.0,134.0,151.0,2.0,0.0,144.0,142.0,144.0,0.0,0.0,1 -125.0,125.0,5.0,8.0,1.0,24.0,1.6,0.0,17.3,0.0,0.0,0.0,0.0,84.0,68.0,152.0,4.0,0.0,132.0,132.0,133.0,5.0,1.0,1 -138.0,138.0,6.0,0.0,0.0,49.0,1.6,0.0,4.7,2.0,0.0,0.0,0.0,92.0,80.0,172.0,4.0,1.0,142.0,142.0,145.0,21.0,1.0,1 -135.0,135.0,2.0,0.0,2.0,23.0,1.6,0.0,9.1,3.0,0.0,0.0,0.0,67.0,90.0,157.0,3.0,0.0,133.0,133.0,135.0,10.0,1.0,1 -123.0,123.0,0.0,0.0,6.0,47.0,1.1,31.0,7.4,5.0,0.0,0.0,0.0,130.0,59.0,189.0,14.0,2.0,129.0,122.0,127.0,15.0,0.0,1 -147.0,147.0,1.0,0.0,2.0,46.0,0.7,41.0,5.3,0.0,0.0,0.0,0.0,23.0,144.0,167.0,1.0,0.0,157.0,157.0,159.0,0.0,0.0,1 -131.0,131.0,7.0,0.0,2.0,25.0,1.4,0.0,6.5,0.0,0.0,0.0,0.0,91.0,87.0,178.0,6.0,0.0,136.0,144.0,144.0,17.0,0.0,1 -112.0,112.0,3.0,0.0,8.0,21.0,1.7,2.0,9.9,2.0,0.0,0.0,0.0,60.0,84.0,144.0,1.0,1.0,114.0,113.0,115.0,7.0,0.0,1 -136.0,136.0,0.0,3.0,6.0,64.0,2.2,0.0,3.0,5.0,0.0,1.0,0.0,85.0,67.0,152.0,5.0,0.0,134.0,119.0,131.0,45.0,1.0,1 -142.0,142.0,1.0,0.0,6.0,41.0,1.2,22.0,5.3,5.0,0.0,0.0,0.0,115.0,67.0,182.0,1.0,0.0,157.0,140.0,149.0,73.0,1.0,1 -110.0,110.0,1.0,2.0,1.0,68.0,3.2,0.0,0.0,5.0,0.0,1.0,0.0,124.0,63.0,187.0,6.0,1.0,91.0,78.0,94.0,39.0,-1.0,3 -150.0,150.0,0.0,10.0,0.0,79.0,0.2,84.0,2.8,0.0,0.0,0.0,0.0,5.0,147.0,152.0,1.0,0.0,150.0,149.0,151.0,0.0,0.0,3 -135.0,135.0,1.0,0.0,3.0,47.0,0.8,2.0,13.3,0.0,0.0,0.0,0.0,36.0,120.0,156.0,1.0,0.0,139.0,138.0,139.0,2.0,0.0,1 -120.0,120.0,0.0,0.0,4.0,60.0,1.6,0.0,9.0,9.0,0.0,0.0,0.0,85.0,69.0,154.0,4.0,1.0,86.0,105.0,105.0,75.0,0.0,3 -133.0,133.0,0.0,1.0,4.0,76.0,0.8,29.0,5.3,0.0,0.0,0.0,0.0,17.0,130.0,147.0,1.0,0.0,136.0,135.0,137.0,0.0,0.0,1 -134.0,134.0,4.0,1.0,1.0,61.0,1.8,0.0,0.0,3.0,0.0,3.0,0.0,118.0,66.0,184.0,6.0,0.0,88.0,112.0,111.0,182.0,-1.0,3 -129.0,129.0,7.0,41.0,6.0,40.0,1.4,0.0,8.5,0.0,0.0,0.0,0.0,73.0,115.0,188.0,9.0,1.0,150.0,147.0,151.0,9.0,0.0,1 -114.0,114.0,3.0,0.0,3.0,24.0,3.2,0.0,16.2,2.0,0.0,0.0,0.0,134.0,52.0,186.0,8.0,0.0,117.0,115.0,117.0,19.0,0.0,1 -146.0,146.0,4.0,0.0,4.0,39.0,0.9,18.0,5.2,0.0,0.0,0.0,0.0,44.0,134.0,178.0,5.0,0.0,154.0,154.0,155.0,4.0,0.0,1 -131.0,131.0,5.0,0.0,5.0,24.0,1.3,0.0,7.3,0.0,0.0,0.0,0.0,42.0,117.0,159.0,2.0,0.0,136.0,138.0,139.0,5.0,0.0,1 -157.0,157.0,5.0,0.0,2.0,49.0,0.7,0.0,3.3,0.0,0.0,0.0,0.0,38.0,154.0,192.0,2.0,0.0,161.0,167.0,166.0,9.0,-1.0,1 -136.0,136.0,1.0,0.0,4.0,45.0,0.6,48.0,4.3,0.0,0.0,0.0,0.0,19.0,135.0,154.0,2.0,0.0,141.0,141.0,142.0,0.0,-1.0,1 -123.0,123.0,3.0,3.0,0.0,52.0,0.8,3.0,14.3,0.0,0.0,0.0,0.0,77.0,63.0,140.0,7.0,0.0,127.0,128.0,130.0,5.0,1.0,1 -120.0,120.0,2.0,0.0,1.0,53.0,0.8,3.0,10.1,0.0,0.0,0.0,0.0,93.0,71.0,164.0,7.0,0.0,117.0,127.0,128.0,21.0,0.0,1 -133.0,133.0,0.0,0.0,2.0,53.0,0.7,2.0,9.8,0.0,0.0,0.0,0.0,34.0,113.0,147.0,4.0,1.0,136.0,136.0,138.0,1.0,1.0,1 -133.0,133.0,0.0,0.0,6.0,20.0,2.6,0.0,22.5,6.0,0.0,0.0,0.0,98.0,63.0,161.0,7.0,0.0,136.0,126.0,135.0,54.0,1.0,1 -133.0,133.0,3.0,0.0,8.0,28.0,1.4,0.0,15.9,2.0,0.0,0.0,0.0,54.0,109.0,163.0,3.0,0.0,140.0,138.0,139.0,9.0,0.0,1 -127.0,127.0,4.0,0.0,4.0,21.0,2.2,0.0,24.9,2.0,0.0,0.0,0.0,101.0,81.0,182.0,5.0,0.0,131.0,131.0,133.0,26.0,0.0,1 -143.0,143.0,0.0,0.0,0.0,66.0,0.5,28.0,13.5,0.0,0.0,0.0,0.0,93.0,72.0,165.0,4.0,0.0,144.0,144.0,146.0,2.0,1.0,2 -134.0,134.0,6.0,1.0,8.0,61.0,1.1,0.0,6.0,5.0,0.0,0.0,0.0,83.0,90.0,173.0,5.0,0.0,142.0,143.0,147.0,17.0,1.0,1 -131.0,131.0,0.0,1.0,1.0,67.0,1.7,0.0,0.0,3.0,0.0,1.0,0.0,68.0,78.0,146.0,7.0,0.0,121.0,116.0,120.0,15.0,0.0,3 -135.0,135.0,5.0,2.0,0.0,58.0,0.6,3.0,3.9,0.0,0.0,0.0,0.0,95.0,70.0,165.0,5.0,0.0,142.0,143.0,144.0,2.0,1.0,1 -122.0,122.0,1.0,0.0,2.0,27.0,1.3,0.0,8.1,0.0,0.0,0.0,0.0,39.0,104.0,143.0,3.0,0.0,126.0,124.0,126.0,2.0,0.0,1 -127.0,127.0,2.0,7.0,1.0,61.0,0.5,3.0,10.6,0.0,0.0,0.0,0.0,83.0,62.0,145.0,4.0,0.0,129.0,131.0,132.0,4.0,1.0,1 -130.0,130.0,2.0,0.0,6.0,47.0,0.7,30.0,6.8,0.0,0.0,0.0,0.0,39.0,114.0,153.0,4.0,0.0,137.0,136.0,138.0,2.0,0.0,1 -136.0,136.0,1.0,0.0,3.0,46.0,0.6,43.0,4.7,0.0,0.0,0.0,0.0,18.0,136.0,154.0,1.0,0.0,141.0,141.0,142.0,0.0,-1.0,1 -158.0,158.0,5.0,11.0,0.0,42.0,0.9,0.0,2.8,0.0,0.0,0.0,0.0,43.0,151.0,194.0,2.0,0.0,180.0,175.0,178.0,10.0,0.0,1 -128.0,128.0,5.0,5.0,4.0,32.0,1.5,0.0,5.4,3.0,0.0,0.0,0.0,90.0,68.0,158.0,6.0,0.0,133.0,133.0,135.0,16.0,1.0,1 -115.0,115.0,5.0,0.0,10.0,17.0,2.0,0.0,6.8,2.0,0.0,1.0,0.0,89.0,80.0,169.0,3.0,1.0,121.0,115.0,119.0,25.0,0.0,1 -146.0,146.0,5.0,0.0,4.0,39.0,0.9,0.0,4.4,0.0,0.0,0.0,0.0,49.0,126.0,175.0,4.0,0.0,157.0,154.0,156.0,5.0,0.0,1 -144.0,144.0,0.0,2.0,1.0,78.0,0.6,23.0,11.0,1.0,0.0,0.0,0.0,126.0,74.0,200.0,5.0,0.0,146.0,145.0,147.0,3.0,0.0,2 -141.0,141.0,0.0,4.0,0.0,75.0,0.3,49.0,4.6,0.0,0.0,0.0,0.0,9.0,136.0,145.0,1.0,0.0,143.0,141.0,143.0,0.0,1.0,2 -129.0,129.0,0.0,4.0,0.0,47.0,1.1,6.0,21.9,0.0,0.0,0.0,0.0,91.0,52.0,143.0,3.0,0.0,131.0,130.0,132.0,7.0,1.0,1 -133.0,133.0,3.0,0.0,2.0,27.0,1.7,0.0,20.4,1.0,0.0,0.0,0.0,89.0,64.0,153.0,9.0,2.0,142.0,135.0,140.0,21.0,1.0,1 -126.0,126.0,4.0,0.0,2.0,48.0,0.7,0.0,6.4,0.0,0.0,0.0,0.0,37.0,118.0,155.0,2.0,0.0,133.0,135.0,135.0,6.0,0.0,1 -125.0,125.0,0.0,1.0,6.0,61.0,1.8,0.0,5.1,6.0,0.0,0.0,0.0,73.0,74.0,147.0,4.0,0.0,130.0,117.0,125.0,26.0,1.0,1 -146.0,146.0,0.0,0.0,7.0,28.0,1.5,11.0,22.3,1.0,0.0,0.0,0.0,82.0,92.0,174.0,6.0,1.0,150.0,147.0,150.0,8.0,1.0,1 -126.0,126.0,0.0,0.0,6.0,33.0,1.0,0.0,13.7,0.0,0.0,0.0,0.0,32.0,109.0,141.0,1.0,0.0,131.0,131.0,133.0,2.0,1.0,1 -132.0,132.0,6.0,0.0,9.0,56.0,2.9,0.0,0.0,11.0,0.0,0.0,0.0,126.0,60.0,186.0,7.0,0.0,144.0,114.0,139.0,103.0,0.0,1 -133.0,133.0,1.0,0.0,4.0,50.0,0.8,5.0,11.3,0.0,0.0,0.0,0.0,57.0,94.0,151.0,3.0,0.0,136.0,136.0,137.0,1.0,1.0,1 -122.0,122.0,1.0,0.0,4.0,17.0,3.4,0.0,18.4,3.0,0.0,0.0,0.0,96.0,62.0,158.0,9.0,0.0,125.0,122.0,126.0,26.0,0.0,1 -150.0,150.0,0.0,0.0,6.0,56.0,0.5,19.0,7.9,0.0,0.0,0.0,0.0,19.0,148.0,167.0,2.0,0.0,153.0,157.0,158.0,3.0,0.0,2 -120.0,120.0,1.0,8.0,3.0,51.0,0.6,3.0,7.5,0.0,0.0,0.0,0.0,38.0,116.0,154.0,3.0,0.0,123.0,125.0,125.0,5.0,-1.0,1 -125.0,125.0,0.0,0.0,2.0,44.0,0.7,15.0,8.7,0.0,0.0,0.0,0.0,21.0,120.0,141.0,0.0,0.0,131.0,130.0,131.0,1.0,0.0,1 -128.0,128.0,5.0,6.0,2.0,30.0,1.9,0.0,3.8,3.0,0.0,0.0,0.0,141.0,57.0,198.0,12.0,0.0,137.0,127.0,136.0,49.0,0.0,1 -122.0,122.0,4.0,0.0,3.0,20.0,2.6,0.0,17.7,4.0,0.0,0.0,0.0,98.0,60.0,158.0,6.0,0.0,131.0,121.0,126.0,31.0,0.0,1 -138.0,138.0,16.0,0.0,4.0,51.0,0.9,0.0,1.9,0.0,0.0,0.0,0.0,49.0,122.0,171.0,2.0,0.0,147.0,148.0,149.0,5.0,0.0,1 -115.0,115.0,5.0,0.0,10.0,23.0,1.9,0.0,8.5,2.0,0.0,1.0,0.0,123.0,71.0,194.0,4.0,0.0,131.0,129.0,132.0,59.0,0.0,1 -130.0,130.0,0.0,0.0,3.0,52.0,0.6,44.0,5.9,0.0,0.0,0.0,0.0,30.0,123.0,153.0,2.0,1.0,137.0,136.0,138.0,0.0,0.0,1 -137.0,137.0,0.0,0.0,7.0,58.0,1.9,0.0,6.5,3.0,0.0,0.0,0.0,102.0,64.0,166.0,10.0,2.0,142.0,134.0,141.0,14.0,1.0,1 -120.0,120.0,3.0,6.0,4.0,42.0,1.0,0.0,9.4,0.0,0.0,0.0,0.0,67.0,109.0,176.0,7.0,0.0,123.0,131.0,127.0,31.0,-1.0,1 -110.0,110.0,4.0,2.0,8.0,68.0,3.1,0.0,0.0,9.0,0.0,2.0,0.0,133.0,60.0,193.0,8.0,0.0,91.0,83.0,95.0,42.0,-1.0,3 -140.0,140.0,3.0,1.0,8.0,63.0,1.5,0.0,7.2,6.0,0.0,0.0,0.0,153.0,75.0,228.0,9.0,0.0,142.0,120.0,142.0,22.0,0.0,1 -136.0,136.0,0.0,0.0,4.0,51.0,0.6,28.0,6.2,0.0,0.0,0.0,0.0,12.0,136.0,148.0,1.0,0.0,144.0,142.0,144.0,0.0,0.0,1 -129.0,129.0,3.0,1.0,0.0,59.0,0.9,21.0,19.4,0.0,0.0,0.0,0.0,118.0,66.0,184.0,18.0,0.0,133.0,135.0,137.0,7.0,0.0,1 -132.0,132.0,0.0,0.0,1.0,35.0,1.3,0.0,27.4,0.0,0.0,0.0,0.0,71.0,79.0,150.0,4.0,0.0,133.0,135.0,137.0,9.0,1.0,1 -125.0,125.0,0.0,0.0,7.0,65.0,1.3,0.0,1.7,10.0,0.0,0.0,0.0,90.0,65.0,155.0,5.0,0.0,111.0,111.0,113.0,7.0,0.0,1 -131.0,131.0,0.0,193.0,1.0,61.0,1.9,0.0,12.3,1.0,0.0,1.0,0.0,128.0,56.0,184.0,11.0,0.0,134.0,120.0,131.0,57.0,0.0,3 -136.0,136.0,8.0,0.0,8.0,36.0,1.2,12.0,5.8,4.0,0.0,0.0,0.0,79.0,88.0,167.0,2.0,0.0,147.0,140.0,145.0,16.0,1.0,1 -126.0,126.0,0.0,0.0,3.0,35.0,1.0,5.0,7.8,0.0,0.0,0.0,0.0,21.0,121.0,142.0,1.0,0.0,136.0,133.0,135.0,2.0,0.0,1 -146.0,146.0,1.0,0.0,12.0,49.0,0.9,32.0,8.7,5.0,0.0,0.0,0.0,80.0,86.0,166.0,3.0,0.0,152.0,147.0,151.0,11.0,1.0,1 -139.0,139.0,7.0,0.0,6.0,54.0,1.0,0.0,18.1,0.0,0.0,0.0,0.0,85.0,96.0,181.0,5.0,0.0,148.0,147.0,148.0,12.0,0.0,1 -134.0,134.0,14.0,2.0,10.0,60.0,1.1,0.0,0.5,7.0,0.0,0.0,0.0,99.0,88.0,187.0,6.0,0.0,151.0,145.0,151.0,38.0,0.0,1 -128.0,128.0,3.0,0.0,1.0,16.0,3.3,0.0,3.7,5.0,0.0,0.0,0.0,114.0,57.0,171.0,6.0,1.0,136.0,130.0,136.0,26.0,1.0,1 -142.0,142.0,0.0,0.0,2.0,43.0,0.8,3.0,9.6,0.0,0.0,0.0,0.0,25.0,132.0,157.0,1.0,0.0,145.0,144.0,146.0,1.0,0.0,1 -146.0,146.0,9.0,0.0,8.0,28.0,1.3,1.0,6.9,0.0,0.0,0.0,0.0,65.0,120.0,185.0,7.0,1.0,153.0,154.0,155.0,6.0,0.0,1 -125.0,125.0,4.0,0.0,6.0,33.0,0.9,2.0,6.6,0.0,0.0,0.0,0.0,48.0,116.0,164.0,2.0,0.0,127.0,131.0,131.0,6.0,-1.0,1 -143.0,143.0,0.0,0.0,8.0,66.0,0.4,4.0,13.6,0.0,0.0,0.0,0.0,56.0,106.0,162.0,4.0,1.0,146.0,145.0,147.0,2.0,1.0,1 -133.0,133.0,1.0,0.0,6.0,27.0,1.7,13.0,11.4,4.0,0.0,0.0,0.0,95.0,82.0,177.0,4.0,0.0,147.0,133.0,138.0,43.0,0.0,1 -128.0,128.0,0.0,19.0,3.0,29.0,2.2,0.0,7.2,3.0,0.0,3.0,0.0,145.0,54.0,199.0,14.0,0.0,129.0,107.0,124.0,126.0,0.0,3 -148.0,148.0,2.0,0.0,3.0,37.0,0.8,0.0,7.1,0.0,0.0,0.0,0.0,39.0,142.0,181.0,1.0,0.0,157.0,157.0,159.0,3.0,0.0,1 -138.0,138.0,6.0,0.0,3.0,49.0,1.6,0.0,5.7,4.0,0.0,0.0,0.0,92.0,80.0,172.0,5.0,0.0,142.0,140.0,144.0,22.0,1.0,1 -133.0,133.0,0.0,1.0,4.0,77.0,0.9,34.0,4.4,0.0,0.0,0.0,0.0,17.0,130.0,147.0,1.0,0.0,136.0,135.0,137.0,0.0,0.0,1 -145.0,145.0,0.0,0.0,4.0,57.0,0.6,10.0,8.2,0.0,0.0,0.0,0.0,66.0,93.0,159.0,4.0,0.0,149.0,149.0,150.0,1.0,1.0,1 -122.0,122.0,4.0,0.0,5.0,34.0,1.0,0.0,8.3,0.0,0.0,0.0,0.0,53.0,97.0,150.0,3.0,1.0,133.0,132.0,134.0,3.0,1.0,1 -158.0,158.0,4.0,0.0,6.0,29.0,1.3,0.0,12.8,0.0,0.0,0.0,0.0,55.0,142.0,197.0,4.0,0.0,170.0,171.0,172.0,9.0,0.0,1 -138.0,138.0,1.0,0.0,4.0,39.0,0.8,9.0,10.9,0.0,0.0,0.0,0.0,49.0,105.0,154.0,5.0,0.0,142.0,141.0,143.0,1.0,1.0,1 -122.0,122.0,3.0,0.0,1.0,15.0,2.7,0.0,19.6,4.0,0.0,0.0,0.0,129.0,51.0,180.0,6.0,1.0,122.0,122.0,123.0,43.0,0.0,1 -133.0,133.0,0.0,3.0,8.0,63.0,2.3,0.0,0.5,3.0,0.0,0.0,0.0,36.0,103.0,139.0,2.0,0.0,133.0,124.0,130.0,8.0,1.0,1 -132.0,132.0,1.0,0.0,6.0,29.0,1.5,1.0,16.0,5.0,0.0,0.0,0.0,92.0,61.0,153.0,4.0,1.0,133.0,129.0,134.0,23.0,1.0,1 -129.0,129.0,0.0,1.0,3.0,58.0,3.9,0.0,0.0,8.0,0.0,0.0,0.0,158.0,72.0,230.0,10.0,1.0,113.0,90.0,124.0,28.0,-1.0,1 -140.0,140.0,6.0,1.0,4.0,41.0,1.7,0.0,8.3,1.0,0.0,0.0,0.0,121.0,52.0,173.0,12.0,1.0,159.0,149.0,154.0,30.0,1.0,1 -122.0,122.0,0.0,3.0,5.0,17.0,4.9,0.0,22.1,2.0,0.0,0.0,0.0,145.0,53.0,198.0,13.0,0.0,127.0,122.0,126.0,25.0,0.0,1 -140.0,140.0,0.0,12.0,0.0,77.0,0.2,82.0,3.7,0.0,0.0,0.0,0.0,8.0,136.0,144.0,1.0,0.0,141.0,140.0,142.0,0.0,0.0,3 -133.0,133.0,2.0,0.0,6.0,50.0,0.9,1.0,10.8,0.0,0.0,0.0,0.0,46.0,115.0,161.0,2.0,1.0,135.0,136.0,137.0,3.0,0.0,1 -120.0,120.0,0.0,5.0,2.0,38.0,1.3,0.0,15.8,0.0,0.0,0.0,0.0,59.0,103.0,162.0,6.0,0.0,119.0,118.0,120.0,4.0,-1.0,1 -145.0,145.0,6.0,0.0,5.0,51.0,0.7,5.0,7.7,0.0,0.0,0.0,0.0,67.0,104.0,171.0,5.0,0.0,149.0,153.0,154.0,5.0,1.0,1 -125.0,125.0,0.0,0.0,3.0,38.0,0.8,11.0,9.0,0.0,0.0,0.0,0.0,35.0,103.0,138.0,2.0,0.0,131.0,129.0,131.0,1.0,1.0,1 -140.0,140.0,3.0,0.0,5.0,65.0,0.9,0.0,5.5,3.0,0.0,0.0,0.0,73.0,96.0,169.0,4.0,0.0,145.0,141.0,145.0,13.0,0.0,1 -130.0,130.0,4.0,273.0,3.0,19.0,2.3,0.0,8.7,3.0,0.0,1.0,0.0,107.0,67.0,174.0,3.0,0.0,134.0,127.0,133.0,43.0,0.0,1 -138.0,138.0,0.0,0.0,1.0,41.0,0.7,37.0,7.8,0.0,0.0,0.0,0.0,25.0,129.0,154.0,2.0,0.0,140.0,140.0,141.0,1.0,0.0,1 -145.0,145.0,0.0,0.0,2.0,49.0,0.6,3.0,11.6,0.0,0.0,0.0,0.0,27.0,140.0,167.0,0.0,0.0,159.0,156.0,158.0,3.0,1.0,2 -133.0,133.0,2.0,0.0,4.0,38.0,1.1,0.0,12.5,0.0,0.0,0.0,0.0,58.0,113.0,171.0,5.0,1.0,150.0,147.0,149.0,5.0,0.0,1 -136.0,136.0,7.0,0.0,5.0,39.0,0.8,0.0,4.5,1.0,0.0,0.0,0.0,63.0,115.0,178.0,5.0,0.0,148.0,152.0,152.0,12.0,0.0,1 -130.0,130.0,8.0,0.0,10.0,24.0,1.6,0.0,0.0,4.0,0.0,0.0,0.0,106.0,76.0,182.0,3.0,1.0,155.0,140.0,148.0,84.0,1.0,1 -137.0,137.0,2.0,4.0,10.0,58.0,1.8,0.0,5.5,7.0,0.0,0.0,0.0,116.0,52.0,168.0,7.0,1.0,139.0,130.0,139.0,32.0,1.0,1 -138.0,138.0,0.0,0.0,6.0,33.0,1.0,18.0,6.7,5.0,0.0,0.0,0.0,67.0,97.0,164.0,2.0,0.0,145.0,139.0,144.0,12.0,1.0,1 -133.0,133.0,4.0,0.0,4.0,34.0,1.2,0.0,7.1,2.0,0.0,0.0,0.0,60.0,103.0,163.0,2.0,0.0,136.0,140.0,141.0,14.0,0.0,1 -130.0,130.0,0.0,5.0,1.0,51.0,0.6,37.0,9.1,0.0,0.0,0.0,0.0,30.0,114.0,144.0,3.0,0.0,120.0,125.0,126.0,8.0,-1.0,1 -128.0,128.0,0.0,1.0,7.0,66.0,2.9,0.0,0.0,5.0,0.0,2.0,0.0,129.0,63.0,192.0,6.0,1.0,103.0,84.0,110.0,20.0,-1.0,3 -138.0,138.0,0.0,0.0,3.0,43.0,0.6,54.0,5.4,0.0,0.0,0.0,0.0,19.0,130.0,149.0,1.0,0.0,141.0,140.0,142.0,0.0,0.0,1 -114.0,114.0,0.0,0.0,9.0,64.0,0.5,0.0,12.2,0.0,0.0,0.0,0.0,25.0,100.0,125.0,1.0,0.0,115.0,114.0,116.0,1.0,0.0,1 -138.0,138.0,0.0,0.0,1.0,19.0,2.2,0.0,17.8,0.0,0.0,0.0,0.0,45.0,110.0,155.0,3.0,0.0,144.0,141.0,143.0,6.0,1.0,1 -120.0,120.0,3.0,0.0,2.0,43.0,1.4,5.0,18.4,0.0,0.0,0.0,0.0,106.0,50.0,156.0,8.0,0.0,129.0,129.0,130.0,11.0,1.0,1 -138.0,138.0,0.0,0.0,5.0,45.0,0.7,56.0,6.5,0.0,0.0,0.0,0.0,39.0,113.0,152.0,3.0,0.0,141.0,139.0,141.0,1.0,1.0,1 -123.0,123.0,0.0,0.0,0.0,76.0,0.2,85.0,3.3,0.0,0.0,0.0,0.0,11.0,118.0,129.0,1.0,0.0,123.0,122.0,124.0,0.0,0.0,3 -106.0,106.0,0.0,0.0,10.0,63.0,0.6,0.0,13.5,0.0,0.0,0.0,0.0,28.0,95.0,123.0,1.0,0.0,112.0,109.0,111.0,2.0,0.0,1 -135.0,135.0,7.0,0.0,3.0,25.0,2.5,0.0,4.6,1.0,0.0,0.0,0.0,89.0,89.0,178.0,5.0,2.0,143.0,145.0,147.0,10.0,0.0,1 -150.0,150.0,0.0,4.0,0.0,80.0,0.4,24.0,8.5,0.0,0.0,0.0,0.0,52.0,124.0,176.0,1.0,0.0,150.0,152.0,153.0,2.0,0.0,3 -138.0,138.0,0.0,1.0,4.0,60.0,2.6,0.0,0.0,6.0,0.0,1.0,0.0,106.0,55.0,161.0,8.0,2.0,117.0,99.0,117.0,80.0,0.0,3 -140.0,140.0,9.0,0.0,1.0,57.0,1.3,0.0,9.9,0.0,0.0,0.0,0.0,138.0,50.0,188.0,4.0,0.0,176.0,164.0,169.0,31.0,1.0,1 -132.0,132.0,7.0,0.0,6.0,28.0,1.7,0.0,0.0,0.0,0.0,1.0,0.0,104.0,62.0,166.0,7.0,1.0,145.0,134.0,145.0,76.0,1.0,1 -115.0,115.0,8.0,0.0,7.0,20.0,1.7,0.0,9.6,0.0,0.0,0.0,0.0,56.0,101.0,157.0,2.0,0.0,114.0,118.0,118.0,10.0,-1.0,1 -134.0,134.0,9.0,1.0,10.0,60.0,1.2,0.0,4.9,5.0,0.0,0.0,0.0,109.0,80.0,189.0,4.0,1.0,156.0,147.0,151.0,40.0,0.0,1 -125.0,125.0,0.0,0.0,7.0,65.0,1.0,0.0,5.6,5.0,0.0,1.0,0.0,82.0,64.0,146.0,6.0,2.0,116.0,110.0,115.0,9.0,0.0,1 -122.0,122.0,4.0,0.0,5.0,22.0,1.7,0.0,7.4,4.0,0.0,0.0,0.0,69.0,74.0,143.0,3.0,0.0,133.0,122.0,127.0,26.0,1.0,1 -115.0,115.0,0.0,0.0,2.0,21.0,1.6,0.0,13.1,0.0,0.0,0.0,0.0,41.0,100.0,141.0,1.0,0.0,114.0,113.0,114.0,2.0,-1.0,1 -114.0,114.0,2.0,0.0,5.0,61.0,1.3,0.0,16.2,0.0,0.0,0.0,0.0,57.0,91.0,148.0,2.0,0.0,113.0,113.0,114.0,10.0,0.0,1 -152.0,152.0,0.0,0.0,1.0,61.0,0.4,74.0,6.7,0.0,0.0,0.0,0.0,41.0,123.0,164.0,4.0,0.0,160.0,158.0,160.0,1.0,1.0,3 -158.0,158.0,0.0,0.0,0.0,56.0,0.6,31.0,8.6,0.0,0.0,0.0,0.0,92.0,77.0,169.0,1.0,0.0,165.0,162.0,164.0,2.0,1.0,1 -146.0,146.0,4.0,0.0,4.0,29.0,1.3,2.0,7.5,2.0,0.0,0.0,0.0,70.0,99.0,169.0,2.0,1.0,150.0,148.0,150.0,7.0,1.0,1 -142.0,142.0,0.0,0.0,4.0,41.0,0.8,0.0,12.6,0.0,0.0,0.0,0.0,32.0,126.0,158.0,0.0,0.0,151.0,146.0,148.0,5.0,1.0,1 -142.0,142.0,0.0,6.0,0.0,51.0,1.2,5.0,19.7,0.0,0.0,0.0,0.0,119.0,56.0,175.0,12.0,0.0,141.0,141.0,143.0,5.0,1.0,1 -139.0,139.0,1.0,1.0,1.0,64.0,0.4,29.0,6.5,0.0,0.0,0.0,0.0,28.0,135.0,163.0,1.0,0.0,161.0,152.0,157.0,13.0,1.0,2 -151.0,151.0,0.0,0.0,0.0,48.0,0.6,68.0,4.0,0.0,0.0,0.0,0.0,8.0,154.0,162.0,0.0,0.0,159.0,158.0,160.0,0.0,0.0,2 -115.0,115.0,1.0,0.0,3.0,19.0,1.7,0.0,14.2,1.0,0.0,0.0,0.0,59.0,89.0,148.0,1.0,1.0,120.0,118.0,121.0,5.0,0.0,1 -135.0,135.0,4.0,0.0,5.0,23.0,1.8,0.0,8.8,3.0,0.0,0.0,0.0,112.0,60.0,172.0,6.0,2.0,139.0,137.0,140.0,20.0,1.0,1 -138.0,138.0,1.0,0.0,4.0,40.0,0.8,7.0,10.8,0.0,0.0,0.0,0.0,49.0,105.0,154.0,5.0,0.0,142.0,141.0,143.0,1.0,1.0,1 -127.0,127.0,6.0,0.0,4.0,13.0,3.8,0.0,1.3,2.0,0.0,0.0,0.0,138.0,53.0,191.0,12.0,1.0,133.0,126.0,131.0,41.0,0.0,1 -135.0,135.0,2.0,0.0,5.0,28.0,1.4,0.0,9.7,0.0,0.0,0.0,0.0,40.0,120.0,160.0,2.0,0.0,138.0,139.0,140.0,2.0,0.0,1 -115.0,115.0,0.0,0.0,3.0,20.0,1.7,0.0,14.0,1.0,0.0,0.0,0.0,59.0,89.0,148.0,1.0,1.0,120.0,118.0,121.0,4.0,0.0,1 -122.0,122.0,3.0,0.0,1.0,13.0,3.0,0.0,21.1,4.0,0.0,0.0,0.0,129.0,51.0,180.0,6.0,1.0,122.0,122.0,123.0,54.0,0.0,1 -130.0,130.0,4.0,23.0,3.0,46.0,0.8,0.0,6.9,0.0,0.0,0.0,0.0,88.0,71.0,159.0,3.0,0.0,133.0,141.0,139.0,15.0,1.0,1 -133.0,133.0,1.0,0.0,2.0,33.0,1.4,3.0,12.8,9.0,0.0,0.0,0.0,87.0,65.0,152.0,6.0,0.0,136.0,130.0,137.0,26.0,1.0,1 -122.0,122.0,0.0,0.0,2.0,22.0,1.8,0.0,15.7,0.0,0.0,0.0,0.0,34.0,106.0,140.0,2.0,1.0,126.0,125.0,127.0,2.0,0.0,1 -131.0,131.0,9.0,40.0,2.0,37.0,1.4,0.0,3.7,0.0,0.0,0.0,0.0,135.0,65.0,200.0,5.0,1.0,139.0,154.0,148.0,70.0,0.0,1 -133.0,133.0,0.0,0.0,5.0,37.0,1.1,0.0,29.1,1.0,0.0,0.0,0.0,90.0,67.0,157.0,9.0,1.0,140.0,136.0,140.0,12.0,1.0,1 -121.0,121.0,11.0,5.0,2.0,39.0,1.2,0.0,7.5,0.0,0.0,0.0,0.0,86.0,68.0,154.0,7.0,1.0,133.0,133.0,135.0,8.0,1.0,1 -137.0,137.0,2.0,40.0,3.0,62.0,2.6,0.0,3.2,3.0,0.0,0.0,0.0,91.0,81.0,172.0,7.0,0.0,140.0,122.0,142.0,8.0,0.0,1 -127.0,127.0,7.0,0.0,6.0,22.0,1.7,0.0,0.0,2.0,0.0,1.0,0.0,129.0,52.0,181.0,8.0,0.0,140.0,136.0,142.0,63.0,1.0,1 -138.0,138.0,11.0,0.0,5.0,37.0,1.2,0.0,4.1,0.0,0.0,0.0,0.0,48.0,120.0,168.0,0.0,1.0,146.0,147.0,148.0,4.0,0.0,1 -144.0,144.0,2.0,0.0,5.0,38.0,0.9,5.0,13.4,0.0,0.0,0.0,0.0,56.0,112.0,168.0,3.0,0.0,157.0,153.0,156.0,6.0,1.0,1 -146.0,146.0,0.0,14.0,0.0,68.0,0.3,23.0,7.2,0.0,0.0,0.0,0.0,20.0,136.0,156.0,1.0,0.0,147.0,147.0,148.0,1.0,0.0,2 -112.0,112.0,0.0,0.0,2.0,26.0,1.3,0.0,10.1,0.0,0.0,0.0,0.0,37.0,90.0,127.0,2.0,1.0,114.0,114.0,116.0,2.0,1.0,1 -125.0,125.0,3.0,1.0,4.0,60.0,1.3,0.0,7.5,6.0,0.0,0.0,0.0,96.0,68.0,164.0,6.0,1.0,110.0,120.0,120.0,34.0,0.0,1 -149.0,149.0,0.0,0.0,4.0,63.0,0.4,65.0,4.6,0.0,0.0,0.0,0.0,12.0,146.0,158.0,1.0,0.0,153.0,153.0,155.0,0.0,1.0,2 -140.0,140.0,0.0,2.0,0.0,67.0,0.4,25.0,7.1,1.0,0.0,0.0,0.0,25.0,122.0,147.0,1.0,0.0,142.0,138.0,141.0,4.0,1.0,2 -133.0,133.0,5.0,0.0,5.0,27.0,1.8,0.0,17.8,4.0,0.0,0.0,0.0,92.0,61.0,153.0,5.0,1.0,142.0,134.0,140.0,29.0,1.0,1 -122.0,122.0,1.0,0.0,0.0,17.0,2.0,0.0,18.8,1.0,0.0,0.0,0.0,46.0,102.0,148.0,2.0,0.0,119.0,123.0,123.0,8.0,0.0,1 -116.0,116.0,1.0,0.0,2.0,46.0,0.7,39.0,5.5,0.0,0.0,0.0,0.0,44.0,91.0,135.0,4.0,0.0,120.0,120.0,122.0,1.0,1.0,1 -119.0,119.0,0.0,0.0,1.0,23.0,1.5,0.0,16.1,0.0,0.0,0.0,0.0,39.0,106.0,145.0,3.0,1.0,125.0,124.0,126.0,3.0,0.0,1 -142.0,142.0,0.0,1.0,2.0,30.0,2.9,5.0,36.9,0.0,0.0,0.0,0.0,108.0,50.0,158.0,1.0,0.0,141.0,140.0,144.0,9.0,1.0,1 -126.0,126.0,0.0,0.0,3.0,21.0,1.5,0.0,10.4,0.0,0.0,0.0,0.0,23.0,114.0,137.0,1.0,0.0,129.0,128.0,130.0,1.0,0.0,1 -159.0,159.0,0.0,0.0,2.0,62.0,0.5,6.0,13.2,0.0,0.0,0.0,0.0,91.0,81.0,172.0,0.0,0.0,163.0,163.0,164.0,2.0,1.0,2 -137.0,137.0,0.0,1.0,7.0,59.0,1.8,0.0,6.4,4.0,0.0,0.0,0.0,102.0,64.0,166.0,5.0,1.0,139.0,133.0,140.0,13.0,1.0,1 -110.0,110.0,5.0,1.0,9.0,64.0,0.9,0.0,10.6,1.0,0.0,0.0,0.0,65.0,92.0,157.0,6.0,0.0,110.0,114.0,113.0,21.0,-1.0,1 -110.0,110.0,3.0,0.0,6.0,63.0,2.4,0.0,1.8,4.0,0.0,0.0,0.0,176.0,62.0,238.0,10.0,1.0,98.0,101.0,105.0,59.0,-1.0,1 -148.0,148.0,0.0,1.0,0.0,60.0,0.5,49.0,4.8,1.0,0.0,0.0,0.0,83.0,78.0,161.0,3.0,0.0,154.0,152.0,154.0,1.0,1.0,2 -115.0,115.0,4.0,0.0,5.0,19.0,1.7,0.0,7.9,0.0,0.0,0.0,0.0,55.0,89.0,144.0,2.0,1.0,126.0,121.0,123.0,9.0,0.0,1 -112.0,112.0,0.0,0.0,2.0,23.0,1.3,10.0,12.5,0.0,0.0,0.0,0.0,40.0,104.0,144.0,0.0,0.0,112.0,113.0,113.0,2.0,-1.0,1 -137.0,137.0,10.0,2.0,6.0,57.0,1.4,0.0,6.2,4.0,0.0,0.0,0.0,109.0,69.0,178.0,4.0,0.0,146.0,143.0,149.0,43.0,1.0,1 -133.0,133.0,0.0,1.0,4.0,60.0,2.8,0.0,8.1,2.0,0.0,2.0,0.0,105.0,60.0,165.0,5.0,0.0,100.0,98.0,107.0,45.0,0.0,3 -141.0,141.0,1.0,15.0,1.0,59.0,0.5,38.0,6.1,1.0,0.0,0.0,0.0,38.0,121.0,159.0,3.0,0.0,154.0,149.0,154.0,8.0,1.0,2 -145.0,145.0,0.0,0.0,0.0,66.0,0.4,9.0,7.7,0.0,0.0,0.0,0.0,22.0,135.0,157.0,1.0,0.0,148.0,148.0,149.0,0.0,0.0,2 -142.0,142.0,2.0,0.0,5.0,51.0,0.8,9.0,9.5,0.0,0.0,0.0,0.0,50.0,112.0,162.0,8.0,0.0,153.0,149.0,151.0,4.0,1.0,2 -122.0,122.0,0.0,0.0,6.0,30.0,1.3,0.0,11.6,3.0,0.0,0.0,0.0,51.0,89.0,140.0,1.0,0.0,127.0,121.0,125.0,8.0,1.0,1 -112.0,112.0,1.0,0.0,4.0,17.0,2.0,0.0,11.6,2.0,0.0,0.0,0.0,66.0,78.0,144.0,3.0,1.0,112.0,109.0,111.0,9.0,0.0,1 -127.0,127.0,0.0,1.0,5.0,60.0,0.7,60.0,4.1,0.0,0.0,0.0,0.0,20.0,120.0,140.0,2.0,0.0,122.0,124.0,125.0,1.0,-1.0,1 -126.0,126.0,0.0,0.0,2.0,36.0,0.9,4.0,7.3,0.0,0.0,0.0,0.0,21.0,121.0,142.0,1.0,0.0,136.0,133.0,135.0,1.0,1.0,1 -133.0,133.0,0.0,4.0,9.0,62.0,2.2,0.0,0.5,4.0,0.0,0.0,0.0,48.0,97.0,145.0,2.0,0.0,133.0,123.0,129.0,11.0,1.0,1 -136.0,136.0,0.0,1.0,4.0,67.0,1.5,11.0,4.7,0.0,0.0,0.0,0.0,38.0,115.0,153.0,4.0,0.0,140.0,133.0,138.0,4.0,0.0,1 -149.0,149.0,0.0,0.0,5.0,61.0,0.4,34.0,5.6,0.0,0.0,0.0,0.0,12.0,148.0,160.0,1.0,0.0,154.0,153.0,155.0,0.0,0.0,2 -136.0,136.0,1.0,0.0,2.0,24.0,2.3,0.0,0.0,4.0,0.0,2.0,0.0,116.0,51.0,167.0,6.0,2.0,126.0,115.0,122.0,57.0,0.0,3 -120.0,120.0,0.0,0.0,4.0,62.0,1.3,0.0,9.4,7.0,0.0,2.0,0.0,83.0,69.0,152.0,6.0,1.0,86.0,101.0,101.0,56.0,0.0,3 -135.0,135.0,3.0,0.0,2.0,26.0,1.5,0.0,3.4,1.0,0.0,0.0,0.0,68.0,90.0,158.0,4.0,0.0,139.0,137.0,139.0,10.0,1.0,1 -136.0,136.0,0.0,0.0,5.0,33.0,1.3,0.0,8.0,5.0,0.0,0.0,0.0,81.0,73.0,154.0,4.0,1.0,133.0,132.0,135.0,17.0,1.0,1 -132.0,132.0,0.0,0.0,4.0,30.0,1.2,0.0,14.6,1.0,0.0,0.0,0.0,55.0,95.0,150.0,1.0,1.0,133.0,128.0,132.0,12.0,0.0,1 -122.0,122.0,2.0,0.0,5.0,26.0,1.5,0.0,7.7,3.0,0.0,0.0,0.0,68.0,89.0,157.0,2.0,0.0,125.0,122.0,124.0,11.0,0.0,1 -136.0,136.0,1.0,0.0,4.0,39.0,0.9,8.0,11.2,0.0,0.0,0.0,0.0,47.0,107.0,154.0,1.0,0.0,138.0,139.0,139.0,2.0,0.0,1 -133.0,133.0,0.0,0.0,4.0,75.0,0.6,20.0,4.7,0.0,0.0,0.0,0.0,26.0,129.0,155.0,2.0,0.0,136.0,136.0,138.0,0.0,-1.0,1 -138.0,138.0,0.0,1.0,5.0,58.0,2.5,0.0,1.2,6.0,0.0,1.0,0.0,106.0,55.0,161.0,8.0,1.0,117.0,103.0,119.0,76.0,0.0,3 -144.0,144.0,7.0,10.0,2.0,73.0,0.6,0.0,9.3,1.0,0.0,0.0,0.0,94.0,82.0,176.0,4.0,0.0,156.0,154.0,155.0,5.0,1.0,1 -137.0,137.0,14.0,0.0,3.0,58.0,1.7,0.0,1.7,5.0,0.0,0.0,0.0,136.0,52.0,188.0,7.0,1.0,149.0,145.0,158.0,44.0,1.0,1 -136.0,136.0,0.0,0.0,5.0,39.0,0.9,0.0,12.6,0.0,0.0,0.0,0.0,41.0,110.0,151.0,3.0,0.0,139.0,139.0,140.0,1.0,1.0,1 -144.0,144.0,3.0,0.0,2.0,39.0,1.0,5.0,2.8,0.0,0.0,0.0,0.0,43.0,136.0,179.0,1.0,0.0,157.0,157.0,157.0,4.0,0.0,1 -126.0,126.0,5.0,0.0,4.0,28.0,1.2,0.0,10.3,0.0,0.0,0.0,0.0,43.0,118.0,161.0,3.0,1.0,131.0,134.0,133.0,9.0,-1.0,1 -144.0,144.0,0.0,15.0,0.0,76.0,0.4,61.0,10.6,0.0,0.0,0.0,0.0,81.0,71.0,152.0,3.0,0.0,145.0,144.0,146.0,2.0,1.0,2 -159.0,159.0,0.0,0.0,5.0,66.0,0.4,16.0,7.2,0.0,0.0,0.0,0.0,23.0,147.0,170.0,0.0,0.0,165.0,164.0,166.0,0.0,1.0,2 -140.0,140.0,2.0,1.0,7.0,64.0,1.2,0.0,5.9,4.0,0.0,0.0,0.0,68.0,93.0,161.0,2.0,0.0,143.0,135.0,142.0,19.0,1.0,1 -143.0,143.0,0.0,0.0,1.0,46.0,0.9,0.0,11.8,0.0,0.0,0.0,0.0,116.0,68.0,184.0,5.0,1.0,150.0,147.0,149.0,4.0,1.0,1 -128.0,128.0,5.0,0.0,4.0,37.0,4.1,0.0,26.3,1.0,0.0,0.0,0.0,147.0,52.0,199.0,7.0,1.0,133.0,147.0,140.0,100.0,0.0,1 -115.0,115.0,4.0,0.0,7.0,20.0,1.7,0.0,9.9,1.0,0.0,0.0,0.0,78.0,79.0,157.0,4.0,2.0,120.0,121.0,123.0,7.0,0.0,1 -120.0,120.0,4.0,0.0,2.0,46.0,1.5,11.0,19.0,1.0,0.0,0.0,0.0,132.0,57.0,189.0,9.0,0.0,125.0,123.0,126.0,15.0,0.0,1 -136.0,136.0,0.0,0.0,5.0,25.0,1.6,0.0,4.0,7.0,0.0,1.0,0.0,98.0,60.0,158.0,6.0,0.0,136.0,126.0,134.0,34.0,1.0,1 -132.0,132.0,5.0,0.0,0.0,37.0,2.4,0.0,17.0,1.0,0.0,0.0,0.0,115.0,52.0,167.0,10.0,0.0,141.0,140.0,143.0,33.0,1.0,1 -134.0,134.0,9.0,1.0,11.0,61.0,1.1,0.0,3.7,6.0,0.0,0.0,0.0,109.0,80.0,189.0,10.0,0.0,156.0,144.0,151.0,61.0,0.0,1 -120.0,120.0,4.0,23.0,5.0,36.0,1.5,0.0,13.5,0.0,0.0,0.0,0.0,112.0,62.0,174.0,6.0,0.0,119.0,129.0,125.0,42.0,0.0,1 -130.0,130.0,7.0,489.0,5.0,21.0,2.3,0.0,7.9,6.0,0.0,1.0,0.0,107.0,67.0,174.0,7.0,0.0,143.0,125.0,135.0,76.0,0.0,1 -142.0,142.0,0.0,7.0,0.0,61.0,0.7,52.0,12.2,0.0,0.0,0.0,0.0,79.0,71.0,150.0,12.0,0.0,143.0,142.0,144.0,3.0,1.0,2 -125.0,125.0,1.0,0.0,2.0,36.0,1.0,10.0,9.6,1.0,0.0,0.0,0.0,54.0,93.0,147.0,1.0,0.0,126.0,127.0,128.0,3.0,0.0,1 -148.0,148.0,0.0,0.0,0.0,58.0,0.5,7.0,9.5,0.0,0.0,0.0,0.0,21.0,135.0,156.0,1.0,0.0,150.0,149.0,151.0,1.0,1.0,1 -125.0,125.0,0.0,0.0,3.0,38.0,0.8,18.0,6.7,0.0,0.0,0.0,0.0,25.0,118.0,143.0,1.0,0.0,131.0,129.0,131.0,0.0,0.0,1 -140.0,140.0,0.0,11.0,0.0,78.0,0.2,86.0,3.4,0.0,0.0,0.0,0.0,8.0,136.0,144.0,1.0,0.0,141.0,140.0,141.0,0.0,0.0,3 -139.0,139.0,3.0,1.0,5.0,55.0,1.4,0.0,3.6,3.0,0.0,0.0,0.0,71.0,95.0,166.0,5.0,0.0,161.0,140.0,147.0,72.0,1.0,1 -123.0,123.0,0.0,1.0,0.0,70.0,0.3,54.0,6.8,0.0,0.0,0.0,0.0,31.0,100.0,131.0,0.0,0.0,123.0,121.0,123.0,1.0,1.0,3 -148.0,148.0,0.0,3.0,1.0,72.0,0.3,74.0,4.6,0.0,0.0,0.0,0.0,16.0,136.0,152.0,0.0,0.0,150.0,148.0,150.0,0.0,1.0,3 -134.0,134.0,7.0,2.0,3.0,63.0,0.9,0.0,2.5,5.0,0.0,0.0,0.0,100.0,88.0,188.0,8.0,0.0,151.0,140.0,146.0,36.0,0.0,1 -137.0,137.0,2.0,45.0,1.0,64.0,1.9,0.0,6.9,2.0,0.0,0.0,0.0,76.0,96.0,172.0,4.0,0.0,142.0,130.0,143.0,5.0,0.0,1 -114.0,114.0,0.0,0.0,11.0,64.0,0.5,0.0,12.4,0.0,0.0,0.0,0.0,26.0,100.0,126.0,1.0,0.0,115.0,114.0,116.0,1.0,0.0,1 -142.0,142.0,1.0,0.0,3.0,39.0,0.9,0.0,12.0,0.0,0.0,0.0,0.0,32.0,127.0,159.0,1.0,0.0,151.0,147.0,149.0,4.0,1.0,1 -130.0,130.0,7.0,0.0,7.0,38.0,1.0,0.0,8.1,0.0,0.0,0.0,0.0,53.0,102.0,155.0,6.0,1.0,136.0,135.0,137.0,4.0,0.0,1 -121.0,121.0,0.0,0.0,5.0,28.0,1.3,0.0,5.6,5.0,0.0,0.0,0.0,67.0,70.0,137.0,3.0,1.0,114.0,113.0,117.0,20.0,1.0,1 -125.0,125.0,1.0,1.0,0.0,29.0,1.1,0.0,11.0,0.0,0.0,0.0,0.0,29.0,117.0,146.0,0.0,0.0,131.0,130.0,132.0,1.0,0.0,1 -112.0,112.0,5.0,0.0,7.0,17.0,2.0,1.0,9.0,2.0,0.0,0.0,0.0,66.0,78.0,144.0,0.0,1.0,112.0,112.0,113.0,9.0,0.0,1 -142.0,142.0,5.0,0.0,5.0,41.0,1.0,0.0,10.2,0.0,0.0,0.0,0.0,57.0,111.0,168.0,5.0,0.0,147.0,147.0,149.0,4.0,0.0,1 -135.0,135.0,1.0,2.0,0.0,58.0,0.6,15.0,8.0,0.0,0.0,0.0,0.0,95.0,70.0,165.0,5.0,0.0,139.0,140.0,141.0,2.0,1.0,1 -128.0,128.0,0.0,219.0,2.0,34.0,2.5,0.0,4.0,2.0,0.0,2.0,0.0,145.0,54.0,199.0,11.0,1.0,75.0,99.0,102.0,148.0,-1.0,3 -130.0,130.0,0.0,1.0,0.0,59.0,0.4,37.0,6.6,0.0,0.0,0.0,0.0,21.0,125.0,146.0,2.0,0.0,129.0,132.0,132.0,2.0,-1.0,1 -120.0,120.0,0.0,1.0,0.0,69.0,0.3,21.0,7.0,0.0,0.0,0.0,0.0,19.0,114.0,133.0,2.0,0.0,120.0,120.0,121.0,0.0,-1.0,2 -142.0,142.0,0.0,3.0,0.0,68.0,0.3,38.0,6.7,0.0,0.0,0.0,0.0,15.0,136.0,151.0,1.0,0.0,142.0,142.0,143.0,0.0,0.0,2 -144.0,144.0,5.0,0.0,6.0,38.0,1.0,3.0,7.0,1.0,0.0,0.0,0.0,63.0,116.0,179.0,3.0,0.0,155.0,153.0,155.0,6.0,0.0,1 -118.0,118.0,3.0,0.0,6.0,41.0,2.5,0.0,5.8,2.0,0.0,0.0,0.0,119.0,52.0,171.0,6.0,0.0,123.0,122.0,124.0,19.0,0.0,1 -125.0,125.0,3.0,0.0,5.0,30.0,1.1,3.0,11.0,1.0,0.0,0.0,0.0,45.0,102.0,147.0,1.0,0.0,126.0,127.0,128.0,3.0,0.0,1 -132.0,132.0,0.0,146.0,1.0,37.0,2.3,0.0,0.0,1.0,0.0,2.0,0.0,111.0,54.0,165.0,5.0,1.0,75.0,87.0,77.0,86.0,-1.0,3 -138.0,138.0,0.0,5.0,1.0,60.0,0.5,9.0,8.7,1.0,0.0,0.0,0.0,47.0,103.0,150.0,3.0,0.0,144.0,140.0,144.0,4.0,1.0,2 -126.0,126.0,2.0,0.0,4.0,25.0,1.8,0.0,14.6,2.0,0.0,0.0,0.0,102.0,52.0,154.0,3.0,0.0,136.0,130.0,134.0,12.0,1.0,1 -137.0,137.0,0.0,1.0,5.0,59.0,1.9,0.0,6.5,3.0,0.0,0.0,0.0,102.0,64.0,166.0,5.0,1.0,139.0,133.0,140.0,14.0,1.0,1 -120.0,120.0,0.0,7.0,0.0,51.0,0.8,0.0,14.8,0.0,0.0,0.0,0.0,77.0,56.0,133.0,5.0,0.0,123.0,122.0,124.0,2.0,1.0,1 -138.0,138.0,14.0,0.0,8.0,51.0,1.2,0.0,1.7,1.0,0.0,0.0,0.0,98.0,73.0,171.0,7.0,0.0,148.0,147.0,149.0,12.0,1.0,1 -133.0,133.0,0.0,14.0,0.0,69.0,0.4,25.0,10.0,0.0,0.0,0.0,0.0,58.0,127.0,185.0,5.0,0.0,133.0,136.0,137.0,4.0,-1.0,2 -120.0,120.0,0.0,3.0,0.0,51.0,0.7,15.0,7.4,0.0,0.0,0.0,0.0,21.0,109.0,130.0,1.0,1.0,123.0,121.0,123.0,0.0,0.0,1 -132.0,132.0,7.0,0.0,11.0,32.0,1.2,0.0,13.5,1.0,0.0,0.0,0.0,72.0,95.0,167.0,4.0,1.0,155.0,142.0,144.0,27.0,1.0,1 -137.0,137.0,1.0,0.0,0.0,20.0,2.0,0.0,0.0,5.0,0.0,0.0,0.0,74.0,86.0,160.0,1.0,0.0,126.0,128.0,130.0,23.0,0.0,1 -144.0,144.0,0.0,0.0,5.0,43.0,0.7,1.0,10.2,0.0,0.0,0.0,0.0,40.0,129.0,169.0,1.0,0.0,157.0,154.0,156.0,3.0,0.0,2 -130.0,130.0,8.0,1.0,2.0,66.0,1.2,0.0,1.0,0.0,0.0,0.0,0.0,45.0,112.0,157.0,6.0,0.0,137.0,136.0,138.0,2.0,0.0,1 -130.0,130.0,0.0,8.0,5.0,67.0,0.5,22.0,14.3,0.0,0.0,0.0,0.0,84.0,72.0,156.0,12.0,0.0,143.0,140.0,143.0,4.0,1.0,2 -123.0,123.0,0.0,0.0,0.0,70.0,0.5,33.0,8.3,0.0,0.0,0.0,0.0,71.0,89.0,160.0,5.0,0.0,123.0,124.0,126.0,1.0,0.0,2 -129.0,129.0,0.0,5.0,3.0,22.0,4.8,0.0,0.0,7.0,0.0,0.0,0.0,138.0,50.0,188.0,7.0,2.0,129.0,114.0,120.0,60.0,0.0,1 -123.0,123.0,13.0,2.0,4.0,55.0,2.1,0.0,1.1,0.0,0.0,0.0,0.0,75.0,85.0,160.0,6.0,0.0,133.0,133.0,136.0,8.0,1.0,1 -122.0,122.0,0.0,0.0,2.0,22.0,1.8,2.0,15.7,0.0,0.0,0.0,0.0,36.0,104.0,140.0,2.0,0.0,126.0,125.0,127.0,2.0,0.0,1 -131.0,131.0,11.0,13.0,1.0,31.0,3.2,0.0,7.1,0.0,0.0,0.0,0.0,133.0,53.0,186.0,10.0,1.0,150.0,144.0,149.0,25.0,1.0,1 -142.0,142.0,1.0,0.0,2.0,25.0,2.1,0.0,0.0,5.0,0.0,0.0,0.0,115.0,67.0,182.0,2.0,0.0,143.0,128.0,133.0,83.0,0.0,1 -148.0,148.0,4.0,0.0,5.0,40.0,0.9,8.0,11.8,0.0,0.0,0.0,0.0,47.0,126.0,173.0,5.0,0.0,157.0,156.0,158.0,3.0,0.0,1 -143.0,143.0,7.0,0.0,1.0,59.0,0.8,0.0,7.2,0.0,0.0,0.0,0.0,72.0,96.0,168.0,3.0,0.0,152.0,146.0,150.0,8.0,1.0,1 -141.0,141.0,1.0,0.0,8.0,67.0,0.4,0.0,11.2,0.0,0.0,0.0,0.0,24.0,133.0,157.0,0.0,0.0,150.0,147.0,149.0,1.0,1.0,1 -128.0,128.0,0.0,0.0,6.0,46.0,2.1,0.0,11.6,3.0,0.0,0.0,0.0,114.0,50.0,164.0,8.0,1.0,129.0,123.0,128.0,17.0,1.0,1 -149.0,149.0,6.0,0.0,6.0,29.0,1.7,0.0,1.8,1.0,0.0,0.0,0.0,121.0,58.0,179.0,7.0,0.0,169.0,161.0,166.0,22.0,1.0,1 -120.0,120.0,0.0,0.0,3.0,59.0,1.6,0.0,9.8,11.0,0.0,0.0,0.0,85.0,69.0,154.0,4.0,1.0,91.0,107.0,107.0,62.0,0.0,3 -138.0,138.0,5.0,15.0,0.0,45.0,1.0,0.0,12.8,0.0,0.0,0.0,0.0,115.0,71.0,186.0,7.0,0.0,144.0,144.0,145.0,6.0,0.0,1 -136.0,136.0,7.0,0.0,8.0,43.0,0.7,4.0,5.1,1.0,0.0,0.0,0.0,46.0,112.0,158.0,1.0,0.0,144.0,142.0,144.0,3.0,1.0,1 -141.0,141.0,3.0,0.0,0.0,45.0,1.1,0.0,16.1,0.0,0.0,0.0,0.0,100.0,70.0,170.0,1.0,0.0,153.0,151.0,152.0,7.0,1.0,1 -129.0,129.0,0.0,1.0,6.0,65.0,2.9,0.0,0.0,9.0,0.0,2.0,0.0,101.0,50.0,151.0,6.0,2.0,105.0,84.0,111.0,12.0,0.0,3 -148.0,148.0,0.0,0.0,1.0,38.0,0.9,17.0,12.2,0.0,0.0,0.0,0.0,34.0,135.0,169.0,3.0,0.0,157.0,155.0,158.0,3.0,0.0,2 -110.0,110.0,3.0,0.0,7.0,64.0,1.7,0.0,6.3,4.0,0.0,0.0,0.0,176.0,62.0,238.0,13.0,1.0,107.0,103.0,107.0,35.0,-1.0,1 -140.0,140.0,2.0,1.0,7.0,63.0,1.4,0.0,6.6,4.0,0.0,0.0,0.0,70.0,93.0,163.0,7.0,0.0,142.0,134.0,141.0,22.0,1.0,1 -122.0,122.0,4.0,0.0,5.0,32.0,1.1,12.0,8.4,0.0,0.0,0.0,0.0,65.0,83.0,148.0,2.0,1.0,125.0,125.0,126.0,4.0,0.0,1 -138.0,138.0,0.0,0.0,1.0,31.0,3.8,0.0,6.6,1.0,0.0,0.0,0.0,45.0,107.0,152.0,5.0,1.0,138.0,137.0,139.0,3.0,1.0,1 -110.0,110.0,4.0,0.0,8.0,68.0,3.0,0.0,0.0,6.0,0.0,2.0,0.0,133.0,60.0,193.0,7.0,0.0,91.0,87.0,95.0,41.0,-1.0,3 -132.0,132.0,5.0,3.0,4.0,52.0,0.6,0.0,8.2,0.0,0.0,0.0,0.0,42.0,115.0,157.0,2.0,0.0,142.0,141.0,142.0,3.0,0.0,1 -143.0,143.0,0.0,0.0,1.0,56.0,0.6,12.0,12.2,0.0,0.0,0.0,0.0,116.0,68.0,184.0,5.0,1.0,145.0,145.0,147.0,3.0,1.0,1 -133.0,133.0,0.0,0.0,1.0,63.0,1.9,0.0,0.0,1.0,0.0,1.0,0.0,104.0,62.0,166.0,5.0,0.0,77.0,93.0,92.0,74.0,-1.0,3 -138.0,138.0,5.0,0.0,3.0,60.0,0.7,0.0,7.7,0.0,0.0,0.0,0.0,43.0,125.0,168.0,1.0,0.0,148.0,145.0,146.0,6.0,0.0,1 -122.0,122.0,0.0,0.0,1.0,37.0,0.8,2.0,9.4,0.0,0.0,0.0,0.0,33.0,99.0,132.0,2.0,0.0,123.0,122.0,124.0,1.0,1.0,1 -134.0,134.0,0.0,4.0,0.0,79.0,0.2,42.0,5.5,0.0,0.0,0.0,0.0,17.0,128.0,145.0,2.0,0.0,135.0,135.0,136.0,1.0,0.0,2 -133.0,133.0,5.0,489.0,5.0,21.0,2.3,0.0,15.7,4.0,0.0,1.0,0.0,107.0,67.0,174.0,7.0,0.0,143.0,125.0,135.0,76.0,0.0,2 -133.0,133.0,6.0,13.0,2.0,38.0,2.5,0.0,19.4,0.0,0.0,0.0,0.0,113.0,54.0,167.0,3.0,0.0,143.0,137.0,141.0,22.0,1.0,1 -114.0,114.0,10.0,69.0,8.0,28.0,2.2,0.0,12.2,1.0,0.0,0.0,0.0,98.0,55.0,153.0,7.0,1.0,119.0,119.0,120.0,13.0,0.0,1 -115.0,115.0,6.0,0.0,1.0,19.0,1.8,0.0,6.7,0.0,0.0,0.0,0.0,56.0,101.0,157.0,1.0,1.0,120.0,121.0,121.0,9.0,0.0,1 -110.0,110.0,7.0,1.0,14.0,64.0,2.2,0.0,5.3,6.0,0.0,0.0,0.0,176.0,62.0,238.0,7.0,0.0,107.0,103.0,109.0,42.0,-1.0,1 -142.0,142.0,4.0,0.0,6.0,34.0,1.1,0.0,19.6,0.0,0.0,0.0,0.0,67.0,94.0,161.0,5.0,1.0,151.0,146.0,149.0,8.0,1.0,1 -122.0,122.0,1.0,0.0,3.0,21.0,1.8,2.0,14.9,0.0,0.0,0.0,0.0,54.0,100.0,154.0,3.0,0.0,126.0,125.0,127.0,4.0,0.0,1 -127.0,127.0,3.0,0.0,5.0,32.0,1.1,0.0,7.0,0.0,0.0,0.0,0.0,57.0,114.0,171.0,2.0,0.0,127.0,137.0,135.0,23.0,-1.0,1 -146.0,146.0,7.0,0.0,6.0,37.0,0.9,0.0,7.9,0.0,0.0,0.0,0.0,49.0,126.0,175.0,2.0,0.0,155.0,152.0,154.0,4.0,0.0,1 -136.0,136.0,0.0,0.0,5.0,51.0,0.5,25.0,6.2,0.0,0.0,0.0,0.0,15.0,135.0,150.0,1.0,0.0,144.0,143.0,144.0,0.0,0.0,1 -116.0,116.0,0.0,0.0,3.0,43.0,0.8,25.0,5.6,1.0,0.0,0.0,0.0,72.0,56.0,128.0,6.0,0.0,120.0,118.0,121.0,3.0,1.0,1 -128.0,128.0,3.0,4.0,1.0,27.0,1.9,0.0,1.1,2.0,0.0,0.0,0.0,141.0,57.0,198.0,12.0,0.0,135.0,125.0,135.0,59.0,0.0,1 -146.0,146.0,0.0,2.0,0.0,76.0,0.3,58.0,4.4,0.0,0.0,0.0,0.0,18.0,135.0,153.0,2.0,0.0,150.0,149.0,151.0,0.0,1.0,2 -148.0,148.0,2.0,0.0,1.0,40.0,0.9,0.0,10.6,0.0,0.0,0.0,0.0,35.0,136.0,171.0,1.0,0.0,153.0,155.0,156.0,4.0,0.0,1 -141.0,141.0,1.0,0.0,4.0,25.0,1.5,0.0,13.4,0.0,0.0,0.0,0.0,103.0,74.0,177.0,10.0,0.0,142.0,143.0,144.0,4.0,1.0,1 -128.0,128.0,8.0,0.0,6.0,45.0,2.8,2.0,10.4,4.0,0.0,0.0,0.0,128.0,51.0,179.0,9.0,1.0,133.0,132.0,135.0,24.0,0.0,1 -151.0,151.0,0.0,0.0,6.0,57.0,2.6,16.0,28.4,4.0,0.0,0.0,0.0,149.0,51.0,200.0,12.0,8.0,156.0,150.0,157.0,56.0,1.0,2 -110.0,110.0,4.0,2.0,8.0,68.0,3.0,0.0,0.0,8.0,0.0,2.0,0.0,133.0,60.0,193.0,6.0,0.0,91.0,84.0,94.0,45.0,-1.0,3 -142.0,142.0,6.0,24.0,1.0,38.0,1.1,0.0,0.0,0.0,0.0,0.0,0.0,76.0,112.0,188.0,2.0,0.0,176.0,173.0,176.0,11.0,1.0,1 -137.0,137.0,0.0,1.0,0.0,60.0,0.6,22.0,13.1,0.0,0.0,0.0,0.0,96.0,71.0,167.0,3.0,0.0,143.0,144.0,144.0,3.0,1.0,2 -129.0,129.0,13.0,0.0,7.0,23.0,1.5,0.0,0.5,0.0,0.0,0.0,0.0,53.0,109.0,162.0,5.0,0.0,144.0,143.0,145.0,8.0,0.0,1 -123.0,123.0,3.0,0.0,4.0,35.0,0.9,13.0,3.2,0.0,0.0,0.0,0.0,33.0,116.0,149.0,1.0,0.0,126.0,128.0,127.0,3.0,-1.0,1 -131.0,131.0,10.0,0.0,4.0,28.0,1.3,0.0,4.0,0.0,0.0,0.0,0.0,89.0,82.0,171.0,7.0,0.0,143.0,146.0,146.0,8.0,1.0,1 -132.0,132.0,2.0,0.0,9.0,43.0,0.8,0.0,12.1,1.0,0.0,0.0,0.0,55.0,109.0,164.0,3.0,0.0,136.0,135.0,137.0,4.0,0.0,1 -125.0,125.0,1.0,1.0,6.0,63.0,1.2,0.0,0.8,6.0,0.0,0.0,0.0,100.0,64.0,164.0,8.0,1.0,114.0,114.0,117.0,15.0,0.0,1 -132.0,132.0,0.0,3.0,0.0,61.0,0.4,35.0,5.7,0.0,0.0,0.0,0.0,18.0,126.0,144.0,1.0,0.0,134.0,135.0,136.0,0.0,0.0,2 -139.0,139.0,7.0,0.0,5.0,39.0,0.8,0.0,7.6,0.0,0.0,0.0,0.0,34.0,136.0,170.0,1.0,0.0,144.0,146.0,146.0,3.0,-1.0,1 -138.0,138.0,6.0,0.0,2.0,49.0,1.6,0.0,6.0,3.0,0.0,0.0,0.0,92.0,80.0,172.0,5.0,1.0,142.0,141.0,145.0,23.0,1.0,1 -133.0,133.0,1.0,1.0,4.0,57.0,2.6,0.0,1.5,4.0,0.0,0.0,0.0,81.0,83.0,164.0,6.0,0.0,132.0,125.0,132.0,21.0,0.0,1 -123.0,123.0,0.0,0.0,3.0,50.0,0.8,32.0,3.1,3.0,0.0,0.0,0.0,94.0,75.0,169.0,7.0,0.0,125.0,122.0,126.0,8.0,0.0,1 -152.0,152.0,0.0,0.0,1.0,60.0,0.4,59.0,7.1,0.0,0.0,0.0,0.0,34.0,129.0,163.0,3.0,1.0,160.0,157.0,160.0,1.0,1.0,2 -120.0,120.0,0.0,0.0,5.0,64.0,1.7,0.0,0.0,11.0,0.0,2.0,0.0,111.0,63.0,174.0,10.0,1.0,86.0,92.0,102.0,43.0,-1.0,3 -132.0,132.0,1.0,0.0,5.0,22.0,2.1,0.0,18.5,2.0,0.0,0.0,0.0,105.0,55.0,160.0,4.0,1.0,131.0,131.0,134.0,15.0,1.0,1 -139.0,139.0,3.0,0.0,3.0,37.0,1.3,0.0,7.8,1.0,0.0,0.0,0.0,106.0,68.0,174.0,7.0,1.0,141.0,143.0,145.0,13.0,1.0,1 -130.0,130.0,1.0,0.0,9.0,54.0,0.6,6.0,8.7,0.0,0.0,0.0,0.0,30.0,116.0,146.0,2.0,0.0,133.0,133.0,134.0,1.0,0.0,1 -152.0,152.0,0.0,0.0,3.0,61.0,0.4,71.0,5.8,0.0,0.0,0.0,0.0,30.0,134.0,164.0,4.0,0.0,160.0,158.0,160.0,1.0,1.0,3 -143.0,143.0,3.0,8.0,0.0,44.0,1.3,0.0,11.4,0.0,0.0,0.0,0.0,101.0,80.0,181.0,6.0,0.0,146.0,147.0,148.0,5.0,0.0,1 -132.0,132.0,0.0,0.0,2.0,35.0,1.2,10.0,4.8,3.0,0.0,0.0,0.0,72.0,71.0,143.0,7.0,1.0,136.0,131.0,136.0,11.0,1.0,1 -157.0,157.0,9.0,4.0,2.0,49.0,0.7,0.0,4.9,0.0,0.0,0.0,0.0,39.0,153.0,192.0,0.0,0.0,163.0,166.0,166.0,6.0,-1.0,1 -140.0,140.0,1.0,0.0,9.0,78.0,0.4,27.0,7.0,0.0,0.0,0.0,0.0,66.0,103.0,169.0,6.0,0.0,152.0,147.0,151.0,4.0,1.0,2 -134.0,134.0,8.0,0.0,7.0,56.0,1.4,0.0,0.0,3.0,0.0,0.0,0.0,101.0,86.0,187.0,5.0,0.0,151.0,152.0,160.0,44.0,1.0,1 -139.0,139.0,1.0,0.0,1.0,38.0,1.0,0.0,11.7,0.0,0.0,0.0,0.0,47.0,114.0,161.0,2.0,0.0,142.0,141.0,142.0,3.0,0.0,1 -130.0,130.0,0.0,1.0,0.0,74.0,0.4,42.0,2.5,1.0,0.0,0.0,0.0,60.0,105.0,165.0,6.0,0.0,131.0,128.0,131.0,3.0,0.0,2 -122.0,122.0,0.0,0.0,0.0,29.0,1.2,0.0,8.5,0.0,0.0,0.0,0.0,26.0,107.0,133.0,1.0,0.0,126.0,124.0,126.0,1.0,1.0,1 -124.0,124.0,12.0,0.0,8.0,34.0,1.0,0.0,3.1,1.0,0.0,0.0,0.0,42.0,106.0,148.0,1.0,0.0,126.0,130.0,130.0,7.0,0.0,1 -128.0,128.0,4.0,6.0,3.0,29.0,1.6,0.0,7.1,4.0,0.0,0.0,0.0,90.0,68.0,158.0,6.0,0.0,133.0,131.0,133.0,19.0,1.0,1 -151.0,151.0,0.0,0.0,4.0,53.0,2.9,3.0,21.4,4.0,0.0,0.0,0.0,149.0,51.0,200.0,11.0,7.0,156.0,147.0,155.0,75.0,1.0,2 -120.0,120.0,0.0,0.0,10.0,49.0,0.9,4.0,15.2,0.0,0.0,0.0,0.0,39.0,95.0,134.0,5.0,0.0,122.0,120.0,122.0,3.0,1.0,1 -129.0,129.0,3.0,8.0,2.0,52.0,0.6,0.0,3.8,0.0,0.0,0.0,0.0,36.0,121.0,157.0,0.0,0.0,133.0,138.0,138.0,11.0,0.0,1 -122.0,122.0,1.0,0.0,3.0,21.0,1.7,0.0,16.1,0.0,0.0,0.0,0.0,48.0,104.0,152.0,2.0,0.0,125.0,126.0,126.0,4.0,0.0,1 -128.0,128.0,0.0,5.0,0.0,73.0,0.2,32.0,7.3,0.0,0.0,0.0,0.0,22.0,122.0,144.0,1.0,0.0,129.0,132.0,133.0,3.0,0.0,2 -149.0,149.0,0.0,0.0,8.0,62.0,0.4,46.0,5.5,0.0,0.0,0.0,0.0,14.0,146.0,160.0,1.0,0.0,154.0,153.0,155.0,0.0,0.0,2 -115.0,115.0,4.0,0.0,5.0,21.0,2.3,0.0,1.7,2.0,0.0,1.0,0.0,125.0,71.0,196.0,3.0,0.0,145.0,127.0,130.0,127.0,0.0,1 -132.0,132.0,1.0,0.0,7.0,28.0,1.6,4.0,13.5,4.0,0.0,0.0,0.0,92.0,68.0,160.0,6.0,3.0,136.0,132.0,136.0,13.0,1.0,1 -133.0,133.0,0.0,10.0,23.0,74.0,1.3,28.0,3.9,0.0,0.0,0.0,0.0,31.0,119.0,150.0,7.0,0.0,136.0,134.0,137.0,1.0,0.0,2 -110.0,110.0,4.0,0.0,10.0,63.0,2.7,0.0,1.8,5.0,0.0,0.0,0.0,176.0,62.0,238.0,9.0,0.0,95.0,98.0,106.0,61.0,-1.0,1 -146.0,146.0,0.0,0.0,1.0,53.0,0.5,32.0,8.2,0.0,0.0,0.0,0.0,27.0,136.0,163.0,2.0,1.0,160.0,156.0,158.0,2.0,1.0,2 -143.0,143.0,1.0,0.0,1.0,51.0,1.1,10.0,18.0,0.0,0.0,0.0,0.0,100.0,72.0,172.0,8.0,1.0,147.0,146.0,147.0,4.0,1.0,1 -123.0,123.0,0.0,0.0,1.0,60.0,0.6,0.0,10.4,0.0,0.0,0.0,0.0,52.0,84.0,136.0,4.0,0.0,125.0,124.0,126.0,2.0,1.0,2 -140.0,140.0,0.0,1.0,2.0,60.0,1.3,0.0,3.9,7.0,0.0,0.0,0.0,94.0,65.0,159.0,7.0,1.0,142.0,134.0,143.0,27.0,1.0,1 -123.0,123.0,1.0,0.0,5.0,54.0,0.5,9.0,8.4,0.0,0.0,0.0,0.0,29.0,116.0,145.0,4.0,0.0,126.0,128.0,129.0,3.0,0.0,1 -140.0,140.0,9.0,0.0,0.0,56.0,1.4,0.0,0.0,0.0,0.0,0.0,0.0,138.0,50.0,188.0,3.0,0.0,176.0,163.0,167.0,35.0,1.0,1 -141.0,141.0,0.0,9.0,1.0,78.0,0.2,49.0,4.8,0.0,0.0,0.0,0.0,10.0,136.0,146.0,1.0,0.0,142.0,141.0,143.0,0.0,0.0,2 -144.0,144.0,0.0,15.0,0.0,76.0,0.4,61.0,10.6,0.0,0.0,0.0,0.0,81.0,71.0,152.0,3.0,0.0,145.0,144.0,146.0,2.0,1.0,2 -133.0,133.0,1.0,0.0,6.0,63.0,2.1,0.0,0.0,3.0,0.0,3.0,0.0,133.0,52.0,185.0,4.0,0.0,125.0,94.0,97.0,147.0,-1.0,3 -142.0,142.0,0.0,1.0,1.0,43.0,0.8,3.0,9.4,0.0,0.0,0.0,0.0,27.0,137.0,164.0,2.0,0.0,146.0,145.0,146.0,1.0,-1.0,1 -119.0,119.0,3.0,0.0,3.0,31.0,1.4,0.0,10.7,0.0,0.0,0.0,0.0,134.0,58.0,192.0,7.0,0.0,127.0,127.0,127.0,7.0,0.0,1 -131.0,131.0,0.0,0.0,2.0,39.0,1.0,6.0,2.5,4.0,0.0,0.0,0.0,68.0,73.0,141.0,5.0,0.0,135.0,124.0,134.0,39.0,1.0,1 -134.0,134.0,0.0,0.0,2.0,22.0,2.1,0.0,8.0,3.0,0.0,0.0,0.0,111.0,54.0,165.0,5.0,2.0,126.0,118.0,127.0,59.0,0.0,1 -122.0,122.0,3.0,0.0,2.0,20.0,2.0,0.0,10.2,0.0,0.0,0.0,0.0,42.0,104.0,146.0,0.0,0.0,131.0,128.0,130.0,4.0,0.0,1 -151.0,151.0,0.0,0.0,4.0,64.0,1.1,26.0,3.0,4.0,0.0,0.0,0.0,150.0,50.0,200.0,11.0,2.0,156.0,150.0,156.0,38.0,1.0,2 -136.0,136.0,0.0,0.0,7.0,32.0,1.3,0.0,17.5,4.0,0.0,0.0,0.0,102.0,61.0,163.0,7.0,0.0,136.0,133.0,137.0,17.0,1.0,1 -145.0,145.0,0.0,3.0,1.0,41.0,1.2,0.0,15.8,0.0,0.0,0.0,0.0,136.0,60.0,196.0,8.0,1.0,145.0,148.0,149.0,6.0,0.0,1 -138.0,138.0,1.0,1.0,0.0,52.0,1.0,18.0,14.8,0.0,0.0,0.0,0.0,102.0,74.0,176.0,8.0,1.0,142.0,141.0,143.0,3.0,1.0,1 -122.0,122.0,4.0,0.0,0.0,18.0,2.4,0.0,4.9,11.0,0.0,0.0,0.0,74.0,69.0,143.0,1.0,1.0,131.0,117.0,120.0,40.0,1.0,1 -129.0,129.0,4.0,6.0,0.0,61.0,0.4,5.0,5.8,0.0,0.0,0.0,0.0,29.0,121.0,150.0,2.0,0.0,143.0,137.0,139.0,7.0,0.0,1 -121.0,121.0,1.0,0.0,9.0,27.0,1.4,0.0,4.4,7.0,0.0,1.0,0.0,69.0,70.0,139.0,4.0,0.0,114.0,110.0,114.0,24.0,0.0,1 -131.0,131.0,10.0,0.0,4.0,27.0,1.4,0.0,8.7,0.0,0.0,0.0,0.0,52.0,118.0,170.0,7.0,0.0,148.0,146.0,147.0,7.0,0.0,1 -138.0,138.0,1.0,0.0,3.0,44.0,1.0,20.0,11.9,0.0,0.0,0.0,0.0,99.0,81.0,180.0,9.0,2.0,162.0,156.0,159.0,8.0,1.0,1 -140.0,140.0,2.0,1.0,8.0,64.0,1.2,0.0,6.5,5.0,0.0,0.0,0.0,66.0,95.0,161.0,5.0,0.0,143.0,134.0,141.0,21.0,1.0,1 -132.0,132.0,0.0,0.0,6.0,32.0,1.3,0.0,13.6,0.0,1.0,1.0,0.0,91.0,60.0,151.0,1.0,1.0,99.0,116.0,125.0,72.0,1.0,3 -127.0,127.0,7.0,21.0,1.0,38.0,1.4,0.0,7.2,0.0,0.0,0.0,0.0,113.0,61.0,174.0,6.0,1.0,129.0,144.0,141.0,45.0,1.0,1 -142.0,142.0,4.0,0.0,1.0,39.0,0.8,0.0,10.2,0.0,0.0,0.0,0.0,53.0,106.0,159.0,7.0,0.0,150.0,149.0,151.0,2.0,1.0,1 -128.0,128.0,0.0,7.0,9.0,63.0,3.0,0.0,1.5,10.0,0.0,0.0,0.0,96.0,64.0,160.0,5.0,2.0,127.0,109.0,128.0,24.0,0.0,1 -125.0,125.0,4.0,34.0,1.0,23.0,2.2,0.0,4.4,4.0,0.0,0.0,0.0,122.0,78.0,200.0,10.0,0.0,131.0,125.0,128.0,20.0,0.0,1 -133.0,133.0,0.0,1.0,5.0,78.0,0.3,73.0,3.5,0.0,0.0,0.0,0.0,22.0,132.0,154.0,2.0,0.0,136.0,136.0,138.0,0.0,-1.0,1 -157.0,157.0,8.0,4.0,1.0,48.0,0.7,0.0,5.3,0.0,0.0,0.0,0.0,39.0,153.0,192.0,1.0,0.0,163.0,167.0,166.0,6.0,-1.0,1 -142.0,142.0,0.0,0.0,3.0,45.0,0.7,21.0,8.9,0.0,0.0,0.0,0.0,25.0,132.0,157.0,1.0,0.0,145.0,144.0,146.0,1.0,0.0,1 -121.0,121.0,3.0,0.0,7.0,26.0,1.4,0.0,1.1,5.0,0.0,1.0,0.0,73.0,71.0,144.0,6.0,0.0,123.0,112.0,117.0,36.0,0.0,1 -120.0,120.0,0.0,4.0,0.0,54.0,0.6,12.0,8.6,0.0,0.0,0.0,0.0,24.0,109.0,133.0,0.0,1.0,123.0,122.0,124.0,1.0,0.0,1 -120.0,120.0,2.0,2.0,2.0,40.0,1.0,0.0,8.7,0.0,0.0,0.0,0.0,64.0,112.0,176.0,4.0,0.0,123.0,132.0,128.0,31.0,-1.0,1 -136.0,136.0,2.0,0.0,5.0,43.0,0.7,39.0,5.2,0.0,0.0,0.0,0.0,23.0,131.0,154.0,3.0,0.0,141.0,140.0,142.0,0.0,0.0,1 -126.0,126.0,4.0,0.0,4.0,30.0,1.2,0.0,4.3,0.0,0.0,0.0,0.0,49.0,107.0,156.0,3.0,0.0,127.0,134.0,134.0,11.0,0.0,1 -136.0,136.0,4.0,0.0,3.0,42.0,0.7,18.0,4.5,0.0,0.0,0.0,0.0,38.0,120.0,158.0,2.0,0.0,141.0,142.0,143.0,2.0,0.0,1 -143.0,143.0,6.0,0.0,8.0,28.0,1.4,0.0,8.3,2.0,0.0,0.0,0.0,80.0,102.0,182.0,3.0,0.0,155.0,152.0,154.0,23.0,0.0,1 -122.0,122.0,0.0,0.0,3.0,33.0,1.1,8.0,7.2,0.0,0.0,1.0,0.0,60.0,87.0,147.0,4.0,2.0,120.0,115.0,120.0,11.0,0.0,1 -125.0,125.0,1.0,0.0,3.0,38.0,0.8,12.0,8.8,0.0,0.0,0.0,0.0,42.0,103.0,145.0,2.0,0.0,131.0,129.0,132.0,1.0,1.0,1 -122.0,122.0,0.0,0.0,1.0,25.0,1.3,4.0,9.5,0.0,0.0,0.0,0.0,30.0,106.0,136.0,1.0,0.0,125.0,122.0,124.0,3.0,0.0,1 -143.0,143.0,0.0,0.0,2.0,64.0,0.6,26.0,11.6,0.0,0.0,0.0,0.0,85.0,73.0,158.0,7.0,1.0,146.0,145.0,147.0,2.0,1.0,2 -122.0,122.0,0.0,0.0,2.0,25.0,1.2,0.0,11.0,0.0,0.0,0.0,0.0,31.0,105.0,136.0,0.0,0.0,125.0,122.0,124.0,2.0,0.0,1 -144.0,144.0,0.0,29.0,1.0,65.0,3.3,0.0,2.7,5.0,0.0,0.0,0.0,89.0,74.0,163.0,3.0,0.0,147.0,109.0,149.0,17.0,1.0,1 -150.0,150.0,0.0,0.0,0.0,78.0,0.2,51.0,4.8,0.0,0.0,0.0,0.0,11.0,146.0,157.0,1.0,0.0,154.0,153.0,155.0,0.0,1.0,2 -122.0,122.0,2.0,0.0,5.0,26.0,1.5,4.0,10.0,2.0,0.0,0.0,0.0,66.0,91.0,157.0,3.0,0.0,126.0,121.0,123.0,11.0,0.0,1 -120.0,120.0,3.0,13.0,3.0,50.0,0.7,7.0,6.1,0.0,0.0,0.0,0.0,94.0,60.0,154.0,2.0,0.0,123.0,126.0,125.0,10.0,1.0,1 -134.0,134.0,0.0,0.0,1.0,30.0,1.6,0.0,4.8,2.0,0.0,0.0,0.0,102.0,67.0,169.0,10.0,2.0,148.0,135.0,142.0,50.0,1.0,1 -138.0,138.0,0.0,2.0,1.0,62.0,0.5,9.0,8.1,0.0,0.0,0.0,0.0,27.0,121.0,148.0,1.0,0.0,142.0,140.0,142.0,1.0,1.0,2 -148.0,148.0,2.0,0.0,1.0,40.0,0.9,0.0,10.6,0.0,0.0,0.0,0.0,35.0,136.0,171.0,1.0,0.0,153.0,155.0,156.0,4.0,0.0,1 -136.0,136.0,0.0,0.0,8.0,47.0,0.7,22.0,10.0,0.0,0.0,0.0,0.0,36.0,117.0,153.0,2.0,1.0,144.0,141.0,143.0,2.0,1.0,1 -145.0,145.0,0.0,22.0,0.0,75.0,0.3,39.0,7.8,0.0,0.0,0.0,0.0,54.0,131.0,185.0,3.0,0.0,145.0,144.0,146.0,0.0,-1.0,2 -133.0,133.0,0.0,2.0,2.0,58.0,0.5,17.0,8.9,0.0,0.0,0.0,0.0,22.0,125.0,147.0,2.0,0.0,136.0,136.0,137.0,1.0,0.0,1 -148.0,148.0,1.0,0.0,5.0,46.0,0.7,54.0,7.1,0.0,0.0,0.0,0.0,45.0,126.0,171.0,3.0,0.0,160.0,158.0,160.0,2.0,1.0,1 -126.0,126.0,5.0,26.0,3.0,42.0,1.5,0.0,7.8,0.0,0.0,0.0,0.0,147.0,51.0,198.0,9.0,0.0,133.0,136.0,134.0,13.0,0.0,1 -141.0,141.0,5.0,15.0,1.0,50.0,0.9,1.0,4.3,1.0,0.0,0.0,0.0,114.0,58.0,172.0,7.0,0.0,148.0,147.0,151.0,7.0,1.0,1 -119.0,119.0,1.0,0.0,3.0,29.0,1.3,2.0,10.6,1.0,0.0,0.0,0.0,89.0,77.0,166.0,3.0,1.0,121.0,121.0,123.0,4.0,0.0,1 -144.0,144.0,2.0,0.0,6.0,42.0,0.7,0.0,10.0,0.0,0.0,0.0,0.0,37.0,136.0,173.0,1.0,0.0,155.0,154.0,156.0,2.0,0.0,1 -145.0,145.0,0.0,1.0,1.0,34.0,1.7,0.0,25.9,0.0,0.0,0.0,0.0,109.0,57.0,166.0,5.0,1.0,150.0,147.0,150.0,10.0,1.0,1 -133.0,133.0,0.0,173.0,2.0,18.0,2.7,0.0,21.5,1.0,0.0,1.0,0.0,107.0,67.0,174.0,4.0,0.0,115.0,120.0,121.0,48.0,0.0,3 -122.0,122.0,7.0,0.0,3.0,19.0,2.3,0.0,12.1,0.0,0.0,0.0,0.0,53.0,104.0,157.0,2.0,1.0,125.0,127.0,128.0,8.0,0.0,1 -138.0,138.0,0.0,0.0,3.0,44.0,0.6,61.0,5.1,0.0,0.0,0.0,0.0,19.0,130.0,149.0,1.0,0.0,141.0,140.0,142.0,0.0,0.0,2 -135.0,135.0,5.0,0.0,2.0,63.0,0.8,0.0,9.9,0.0,0.0,0.0,0.0,41.0,119.0,160.0,1.0,0.0,147.0,141.0,143.0,7.0,0.0,1 -142.0,142.0,1.0,0.0,4.0,48.0,0.7,0.0,8.8,0.0,0.0,0.0,0.0,39.0,123.0,162.0,3.0,0.0,149.0,147.0,149.0,2.0,0.0,1 -123.0,123.0,2.0,3.0,0.0,55.0,0.7,0.0,8.9,0.0,0.0,0.0,0.0,71.0,81.0,152.0,4.0,0.0,129.0,129.0,130.0,3.0,1.0,1 -148.0,148.0,0.0,0.0,3.0,51.0,0.6,49.0,4.3,0.0,0.0,0.0,0.0,13.0,152.0,165.0,1.0,0.0,160.0,159.0,160.0,0.0,0.0,1 -131.0,131.0,12.0,0.0,6.0,28.0,1.4,0.0,4.3,0.0,0.0,0.0,0.0,52.0,118.0,170.0,8.0,0.0,143.0,145.0,145.0,8.0,0.0,1 -143.0,143.0,0.0,0.0,1.0,59.0,0.5,29.0,9.8,0.0,0.0,0.0,0.0,37.0,120.0,157.0,5.0,1.0,146.0,146.0,147.0,2.0,1.0,1 -134.0,134.0,0.0,0.0,5.0,20.0,2.1,0.0,8.2,6.0,0.0,0.0,0.0,115.0,50.0,165.0,7.0,2.0,126.0,117.0,126.0,63.0,0.0,1 -122.0,122.0,4.0,0.0,3.0,21.0,1.7,0.0,14.9,0.0,0.0,0.0,0.0,55.0,104.0,159.0,1.0,1.0,126.0,127.0,128.0,6.0,0.0,1 -133.0,133.0,5.0,0.0,7.0,41.0,1.1,9.0,13.0,0.0,0.0,0.0,0.0,82.0,86.0,168.0,4.0,1.0,139.0,143.0,144.0,9.0,1.0,1 -134.0,134.0,6.0,0.0,5.0,63.0,1.0,0.0,3.8,2.0,0.0,0.0,0.0,83.0,90.0,173.0,3.0,0.0,149.0,144.0,147.0,15.0,1.0,1 -115.0,115.0,4.0,0.0,5.0,20.0,1.7,0.0,3.5,0.0,0.0,0.0,0.0,78.0,79.0,157.0,6.0,3.0,123.0,124.0,125.0,7.0,0.0,1 -122.0,122.0,0.0,0.0,1.0,40.0,0.7,12.0,8.0,0.0,0.0,0.0,0.0,23.0,106.0,129.0,1.0,0.0,125.0,121.0,124.0,3.0,1.0,1 -114.0,114.0,0.0,0.0,11.0,65.0,0.5,0.0,12.0,0.0,0.0,0.0,0.0,24.0,102.0,126.0,1.0,0.0,115.0,115.0,116.0,1.0,0.0,1 -133.0,133.0,0.0,1.0,3.0,77.0,0.8,16.0,5.8,0.0,0.0,0.0,0.0,17.0,130.0,147.0,1.0,0.0,135.0,135.0,137.0,1.0,0.0,1 -141.0,141.0,1.0,0.0,1.0,62.0,0.5,14.0,7.8,0.0,0.0,0.0,0.0,34.0,125.0,159.0,1.0,0.0,150.0,146.0,149.0,2.0,1.0,2 -148.0,148.0,2.0,0.0,8.0,42.0,0.7,12.0,7.1,0.0,0.0,0.0,0.0,36.0,144.0,180.0,1.0,0.0,163.0,159.0,161.0,3.0,0.0,1 -139.0,139.0,1.0,8.0,0.0,54.0,0.9,3.0,9.4,0.0,0.0,0.0,0.0,121.0,55.0,176.0,6.0,1.0,154.0,147.0,148.0,9.0,1.0,2 -122.0,122.0,2.0,0.0,3.0,21.0,1.8,0.0,16.3,0.0,0.0,0.0,0.0,44.0,108.0,152.0,1.0,0.0,125.0,127.0,127.0,5.0,0.0,1 -137.0,137.0,13.0,4.0,6.0,57.0,1.2,0.0,5.9,1.0,0.0,0.0,0.0,48.0,122.0,170.0,1.0,0.0,146.0,144.0,145.0,8.0,0.0,1 -122.0,122.0,1.0,0.0,5.0,21.0,1.7,0.0,14.0,1.0,0.0,0.0,0.0,37.0,105.0,142.0,1.0,0.0,125.0,123.0,125.0,3.0,0.0,1 -138.0,138.0,3.0,2.0,3.0,50.0,1.9,0.0,5.6,5.0,0.0,0.0,0.0,102.0,70.0,172.0,8.0,0.0,142.0,137.0,142.0,32.0,1.0,1 -133.0,133.0,0.0,0.0,6.0,35.0,1.3,4.0,27.0,3.0,0.0,0.0,0.0,90.0,67.0,157.0,7.0,0.0,139.0,135.0,139.0,16.0,1.0,1 -138.0,138.0,0.0,0.0,1.0,44.0,0.7,58.0,5.0,0.0,0.0,0.0,0.0,16.0,129.0,145.0,1.0,0.0,141.0,140.0,142.0,0.0,1.0,1 -132.0,132.0,12.0,0.0,3.0,20.0,2.1,0.0,2.9,6.0,0.0,0.0,0.0,99.0,76.0,175.0,5.0,0.0,141.0,138.0,142.0,29.0,1.0,1 -148.0,148.0,3.0,0.0,4.0,42.0,0.8,20.0,9.3,0.0,0.0,0.0,0.0,45.0,126.0,171.0,2.0,0.0,157.0,155.0,158.0,3.0,1.0,1 -128.0,128.0,0.0,1.0,1.0,70.0,1.9,16.0,4.1,0.0,0.0,0.0,0.0,20.0,119.0,139.0,2.0,0.0,130.0,127.0,131.0,1.0,0.0,1 -144.0,144.0,0.0,0.0,6.0,36.0,0.8,2.0,10.4,0.0,0.0,0.0,0.0,27.0,134.0,161.0,0.0,0.0,147.0,147.0,148.0,1.0,0.0,1 -120.0,120.0,6.0,56.0,1.0,28.0,3.2,0.0,12.4,1.0,0.0,0.0,0.0,128.0,53.0,181.0,9.0,1.0,129.0,125.0,127.0,25.0,0.0,1 -119.0,119.0,8.0,0.0,5.0,30.0,1.8,0.0,10.0,1.0,0.0,0.0,0.0,129.0,69.0,198.0,9.0,0.0,132.0,132.0,135.0,20.0,0.0,1 -144.0,144.0,0.0,0.0,7.0,61.0,0.4,10.0,7.6,0.0,0.0,0.0,0.0,20.0,136.0,156.0,2.0,0.0,148.0,146.0,148.0,1.0,0.0,2 -144.0,144.0,4.0,1.0,0.0,67.0,0.9,0.0,9.7,0.0,0.0,0.0,0.0,98.0,72.0,170.0,4.0,0.0,146.0,147.0,149.0,4.0,1.0,1 -121.0,121.0,0.0,1.0,1.0,61.0,2.0,0.0,4.9,9.0,0.0,0.0,0.0,98.0,62.0,160.0,8.0,0.0,114.0,100.0,106.0,59.0,0.0,3 -125.0,125.0,4.0,13.0,6.0,66.0,4.1,5.0,0.3,0.0,0.0,0.0,0.0,23.0,123.0,146.0,0.0,0.0,133.0,126.0,134.0,1.0,0.0,1 -127.0,127.0,0.0,0.0,6.0,70.0,0.4,63.0,4.1,0.0,0.0,0.0,0.0,18.0,119.0,137.0,2.0,0.0,123.0,125.0,126.0,1.0,0.0,1 -134.0,134.0,1.0,0.0,10.0,26.0,5.9,0.0,0.0,9.0,0.0,2.0,0.0,150.0,50.0,200.0,5.0,3.0,76.0,107.0,107.0,170.0,0.0,3 -120.0,120.0,15.0,7.0,3.0,40.0,1.3,0.0,7.1,0.0,0.0,0.0,0.0,89.0,68.0,157.0,5.0,1.0,133.0,134.0,136.0,9.0,1.0,1 -136.0,136.0,3.0,0.0,4.0,42.0,0.7,22.0,4.5,0.0,0.0,0.0,0.0,37.0,120.0,157.0,3.0,0.0,141.0,141.0,142.0,1.0,0.0,1 -140.0,140.0,1.0,0.0,7.0,79.0,0.4,20.0,6.1,0.0,0.0,0.0,0.0,67.0,103.0,170.0,5.0,0.0,153.0,148.0,152.0,4.0,1.0,2 -126.0,126.0,0.0,0.0,4.0,34.0,1.0,4.0,8.3,0.0,0.0,0.0,0.0,24.0,118.0,142.0,2.0,0.0,136.0,132.0,134.0,2.0,0.0,1 -125.0,125.0,0.0,0.0,6.0,62.0,1.7,0.0,1.2,7.0,0.0,0.0,0.0,73.0,68.0,141.0,9.0,0.0,128.0,117.0,126.0,29.0,1.0,1 -140.0,140.0,6.0,4.0,0.0,53.0,1.5,0.0,12.9,0.0,0.0,0.0,0.0,104.0,68.0,172.0,2.0,0.0,146.0,147.0,147.0,12.0,1.0,1 -133.0,133.0,0.0,4.0,6.0,62.0,2.0,0.0,1.6,5.0,0.0,0.0,0.0,100.0,62.0,162.0,3.0,0.0,133.0,119.0,128.0,44.0,0.0,1 -126.0,126.0,2.0,0.0,3.0,25.0,1.3,0.0,11.9,0.0,0.0,0.0,0.0,56.0,101.0,157.0,2.0,0.0,126.0,131.0,130.0,9.0,0.0,1 -140.0,140.0,0.0,0.0,5.0,35.0,4.0,0.0,23.1,4.0,0.0,0.0,0.0,127.0,50.0,177.0,9.0,1.0,143.0,137.0,143.0,27.0,1.0,1 -146.0,146.0,0.0,0.0,6.0,65.0,0.4,44.0,6.6,0.0,0.0,0.0,0.0,22.0,134.0,156.0,3.0,0.0,152.0,150.0,152.0,1.0,1.0,2 -120.0,120.0,3.0,2.0,2.0,62.0,0.4,13.0,7.9,0.0,0.0,0.0,0.0,35.0,106.0,141.0,2.0,0.0,120.0,122.0,122.0,3.0,0.0,1 -146.0,146.0,3.0,0.0,6.0,42.0,1.0,35.0,7.5,5.0,0.0,0.0,0.0,88.0,84.0,172.0,2.0,1.0,157.0,151.0,156.0,17.0,1.0,1 -130.0,130.0,1.0,0.0,4.0,51.0,0.6,38.0,4.8,0.0,0.0,0.0,0.0,23.0,125.0,148.0,1.0,0.0,134.0,135.0,136.0,1.0,0.0,1 -138.0,138.0,0.0,0.0,4.0,42.0,0.7,48.0,7.2,0.0,0.0,0.0,0.0,39.0,113.0,152.0,2.0,0.0,141.0,139.0,142.0,1.0,1.0,1 -132.0,132.0,12.0,0.0,3.0,21.0,2.0,0.0,6.3,5.0,0.0,0.0,0.0,95.0,80.0,175.0,6.0,2.0,143.0,139.0,142.0,23.0,0.0,1 -130.0,130.0,2.0,0.0,2.0,35.0,2.8,0.0,11.6,2.0,0.0,0.0,0.0,144.0,51.0,195.0,8.0,1.0,127.0,133.0,131.0,53.0,0.0,1 -134.0,134.0,8.0,1.0,9.0,62.0,1.1,0.0,4.9,5.0,0.0,0.0,0.0,83.0,90.0,173.0,5.0,0.0,148.0,142.0,147.0,17.0,1.0,1 -134.0,134.0,1.0,0.0,9.0,29.0,6.3,0.0,0.0,6.0,0.0,2.0,0.0,150.0,50.0,200.0,6.0,3.0,71.0,107.0,106.0,215.0,0.0,3 -133.0,133.0,0.0,0.0,13.0,61.0,2.8,0.0,0.0,4.0,0.0,3.0,0.0,105.0,57.0,162.0,6.0,0.0,125.0,96.0,103.0,95.0,0.0,3 -145.0,145.0,4.0,5.0,1.0,36.0,1.4,0.0,13.6,0.0,0.0,0.0,0.0,119.0,57.0,176.0,3.0,1.0,148.0,150.0,150.0,12.0,1.0,1 -140.0,140.0,2.0,0.0,6.0,38.0,3.5,0.0,21.7,3.0,0.0,0.0,0.0,127.0,50.0,177.0,5.0,0.0,143.0,141.0,145.0,25.0,1.0,1 -133.0,133.0,10.0,0.0,3.0,28.0,1.6,0.0,0.0,1.0,0.0,0.0,0.0,89.0,91.0,180.0,7.0,1.0,163.0,152.0,158.0,34.0,1.0,1 -133.0,133.0,1.0,0.0,4.0,49.0,1.0,1.0,11.4,0.0,0.0,0.0,0.0,60.0,101.0,161.0,4.0,1.0,135.0,136.0,137.0,4.0,0.0,1 -132.0,132.0,2.0,0.0,3.0,28.0,1.4,0.0,8.4,3.0,0.0,0.0,0.0,94.0,68.0,162.0,11.0,1.0,143.0,137.0,142.0,26.0,1.0,1 -120.0,120.0,9.0,123.0,1.0,28.0,3.4,0.0,21.7,1.0,0.0,0.0,0.0,126.0,55.0,181.0,13.0,0.0,121.0,124.0,126.0,25.0,0.0,1 -135.0,135.0,8.0,2.0,5.0,60.0,0.9,0.0,3.8,0.0,0.0,0.0,0.0,39.0,124.0,163.0,2.0,0.0,148.0,143.0,146.0,6.0,0.0,1 -125.0,125.0,0.0,0.0,6.0,64.0,1.4,0.0,2.4,7.0,0.0,0.0,0.0,90.0,65.0,155.0,6.0,0.0,111.0,111.0,114.0,8.0,0.0,1 -156.0,156.0,0.0,1.0,4.0,53.0,0.8,3.0,19.7,0.0,0.0,0.0,0.0,91.0,102.0,193.0,3.0,0.0,161.0,159.0,161.0,3.0,0.0,1 -154.0,154.0,7.0,2.0,3.0,48.0,0.7,0.0,7.4,0.0,0.0,0.0,0.0,66.0,123.0,189.0,3.0,2.0,161.0,164.0,164.0,8.0,0.0,1 -123.0,123.0,0.0,0.0,4.0,28.0,1.4,0.0,4.5,3.0,0.0,1.0,0.0,77.0,61.0,138.0,3.0,1.0,114.0,112.0,115.0,15.0,1.0,2 -127.0,127.0,0.0,0.0,5.0,23.0,1.5,0.0,13.2,0.0,0.0,0.0,0.0,91.0,107.0,198.0,6.0,0.0,135.0,134.0,135.0,4.0,-1.0,1 -141.0,141.0,1.0,16.0,1.0,56.0,0.5,17.0,7.4,1.0,0.0,0.0,0.0,51.0,121.0,172.0,4.0,0.0,154.0,148.0,152.0,7.0,0.0,2 -122.0,122.0,0.0,0.0,3.0,26.0,1.3,0.0,9.8,3.0,0.0,0.0,0.0,47.0,85.0,132.0,3.0,2.0,126.0,119.0,123.0,10.0,1.0,1 -125.0,125.0,2.0,8.0,3.0,22.0,2.2,0.0,8.5,4.0,0.0,0.0,0.0,125.0,53.0,178.0,9.0,0.0,143.0,123.0,131.0,84.0,0.0,1 -152.0,152.0,0.0,0.0,1.0,61.0,0.5,61.0,3.4,1.0,0.0,0.0,0.0,61.0,99.0,160.0,4.0,3.0,159.0,155.0,158.0,4.0,1.0,2 -142.0,142.0,18.0,75.0,2.0,36.0,1.9,0.0,2.5,1.0,0.0,0.0,0.0,148.0,51.0,199.0,12.0,0.0,180.0,164.0,171.0,53.0,1.0,1 -150.0,150.0,1.0,0.0,0.0,47.0,1.4,10.0,12.1,2.0,0.0,0.0,0.0,145.0,52.0,197.0,8.0,0.0,159.0,154.0,157.0,13.0,1.0,2 -133.0,133.0,0.0,0.0,4.0,41.0,1.0,5.0,28.9,0.0,0.0,0.0,0.0,73.0,84.0,157.0,8.0,2.0,140.0,136.0,140.0,8.0,1.0,1 -139.0,139.0,10.0,1.0,5.0,52.0,1.6,0.0,20.0,0.0,0.0,0.0,0.0,107.0,97.0,204.0,8.0,0.0,138.0,155.0,153.0,77.0,0.0,1 -133.0,133.0,4.0,265.0,2.0,25.0,1.7,0.0,13.3,2.0,0.0,0.0,0.0,106.0,68.0,174.0,7.0,1.0,143.0,132.0,138.0,41.0,0.0,1 -127.0,127.0,6.0,0.0,5.0,22.0,1.6,0.0,0.0,1.0,0.0,0.0,0.0,90.0,91.0,181.0,4.0,1.0,140.0,144.0,146.0,25.0,0.0,1 -141.0,141.0,0.0,2.0,4.0,58.0,0.5,15.0,8.1,0.0,0.0,0.0,0.0,23.0,130.0,153.0,1.0,0.0,144.0,143.0,145.0,1.0,0.0,1 -129.0,129.0,0.0,1.0,6.0,66.0,3.2,0.0,0.0,6.0,0.0,2.0,0.0,96.0,50.0,146.0,8.0,0.0,105.0,82.0,108.0,10.0,0.0,3 -122.0,122.0,0.0,0.0,0.0,19.0,1.9,0.0,15.1,0.0,0.0,0.0,0.0,39.0,103.0,142.0,1.0,0.0,120.0,120.0,122.0,3.0,0.0,1 -120.0,120.0,0.0,0.0,5.0,50.0,0.8,2.0,10.2,0.0,0.0,0.0,0.0,29.0,104.0,133.0,2.0,0.0,116.0,119.0,120.0,3.0,0.0,1 -127.0,127.0,8.0,0.0,8.0,14.0,3.3,0.0,6.3,6.0,0.0,0.0,0.0,124.0,67.0,191.0,8.0,0.0,129.0,125.0,130.0,45.0,0.0,1 -121.0,121.0,5.0,2.0,1.0,54.0,1.7,0.0,9.9,0.0,0.0,0.0,0.0,73.0,96.0,169.0,7.0,0.0,124.0,129.0,130.0,24.0,0.0,1 -129.0,129.0,5.0,39.0,2.0,36.0,1.5,0.0,0.0,0.0,0.0,0.0,0.0,99.0,99.0,198.0,3.0,1.0,186.0,163.0,169.0,106.0,1.0,1 -144.0,144.0,4.0,0.0,5.0,33.0,1.1,0.0,7.7,2.0,0.0,0.0,0.0,68.0,113.0,181.0,3.0,0.0,153.0,154.0,155.0,12.0,0.0,1 -137.0,137.0,3.0,2.0,0.0,59.0,0.8,24.0,13.4,0.0,0.0,0.0,0.0,97.0,70.0,167.0,8.0,0.0,143.0,144.0,145.0,5.0,1.0,1 -138.0,138.0,15.0,0.0,9.0,50.0,1.2,0.0,1.4,1.0,0.0,0.0,0.0,98.0,73.0,171.0,7.0,0.0,148.0,146.0,148.0,11.0,1.0,1 -151.0,151.0,0.0,0.0,7.0,63.0,1.3,21.0,8.2,7.0,0.0,0.0,0.0,150.0,50.0,200.0,8.0,3.0,156.0,149.0,156.0,44.0,1.0,2 -150.0,150.0,0.0,1.0,0.0,61.0,0.5,40.0,6.2,1.0,0.0,0.0,0.0,31.0,130.0,161.0,2.0,0.0,154.0,152.0,154.0,1.0,1.0,2 -120.0,120.0,0.0,0.0,4.0,64.0,1.1,0.0,8.1,5.0,0.0,2.0,0.0,85.0,69.0,154.0,2.0,1.0,86.0,98.0,95.0,44.0,-1.0,3 -151.0,151.0,1.0,2.0,0.0,64.0,0.4,40.0,4.6,0.0,0.0,0.0,0.0,27.0,141.0,168.0,2.0,0.0,157.0,156.0,158.0,1.0,0.0,2 -130.0,130.0,3.0,5.0,9.0,52.0,3.0,0.0,5.6,4.0,0.0,0.0,0.0,69.0,87.0,156.0,4.0,0.0,139.0,129.0,135.0,15.0,1.0,1 -122.0,122.0,0.0,0.0,6.0,27.0,1.1,0.0,10.7,2.0,0.0,0.0,0.0,35.0,101.0,136.0,1.0,0.0,125.0,122.0,124.0,3.0,0.0,1 -132.0,132.0,1.0,0.0,6.0,25.0,1.9,0.0,19.7,5.0,0.0,0.0,0.0,99.0,54.0,153.0,6.0,0.0,133.0,127.0,133.0,34.0,1.0,1 -135.0,135.0,0.0,15.0,2.0,67.0,0.3,67.0,5.5,0.0,0.0,0.0,0.0,28.0,116.0,144.0,4.0,0.0,136.0,135.0,137.0,0.0,1.0,2 -140.0,140.0,1.0,0.0,1.0,80.0,0.2,36.0,2.2,0.0,0.0,0.0,0.0,18.0,140.0,158.0,1.0,0.0,147.0,148.0,149.0,1.0,0.0,1 -119.0,119.0,3.0,0.0,6.0,25.0,1.3,0.0,13.8,0.0,0.0,0.0,0.0,39.0,106.0,145.0,0.0,0.0,120.0,123.0,123.0,5.0,0.0,1 -130.0,130.0,4.0,0.0,3.0,40.0,2.9,0.0,27.3,2.0,0.0,0.0,0.0,144.0,51.0,195.0,6.0,2.0,133.0,134.0,138.0,27.0,0.0,1 -128.0,128.0,5.0,0.0,5.0,50.0,1.9,4.0,5.9,2.0,0.0,0.0,0.0,141.0,51.0,192.0,8.0,0.0,133.0,133.0,136.0,15.0,0.0,1 -120.0,120.0,0.0,0.0,3.0,59.0,1.6,0.0,10.8,8.0,0.0,0.0,0.0,83.0,69.0,152.0,4.0,1.0,105.0,106.0,107.0,31.0,0.0,3 -149.0,149.0,2.0,0.0,3.0,51.0,1.0,8.0,18.8,0.0,0.0,0.0,0.0,99.0,71.0,170.0,4.0,0.0,151.0,153.0,154.0,7.0,1.0,1 -127.0,127.0,6.0,0.0,5.0,22.0,2.1,0.0,22.7,2.0,0.0,0.0,0.0,119.0,63.0,182.0,6.0,0.0,131.0,133.0,135.0,32.0,0.0,1 -143.0,143.0,0.0,0.0,1.0,65.0,0.5,0.0,9.2,0.0,0.0,0.0,0.0,23.0,129.0,152.0,2.0,1.0,143.0,143.0,145.0,1.0,0.0,2 -138.0,138.0,2.0,2.0,4.0,50.0,2.4,0.0,6.0,7.0,0.0,0.0,0.0,102.0,70.0,172.0,6.0,0.0,138.0,132.0,138.0,30.0,1.0,1 -130.0,130.0,10.0,16.0,5.0,36.0,1.9,0.0,20.5,0.0,0.0,0.0,0.0,118.0,54.0,172.0,6.0,0.0,154.0,148.0,154.0,26.0,1.0,1 -128.0,128.0,0.0,6.0,6.0,65.0,2.0,0.0,1.1,6.0,0.0,0.0,0.0,84.0,87.0,171.0,3.0,1.0,129.0,119.0,127.0,13.0,0.0,1 -128.0,128.0,0.0,16.0,3.0,30.0,2.1,0.0,8.6,2.0,0.0,3.0,0.0,128.0,54.0,182.0,12.0,0.0,129.0,104.0,120.0,134.0,0.0,3 -125.0,125.0,3.0,1.0,4.0,60.0,1.9,0.0,6.7,4.0,0.0,0.0,0.0,90.0,74.0,164.0,6.0,1.0,130.0,121.0,124.0,26.0,0.0,1 -128.0,128.0,3.0,20.0,4.0,30.0,2.0,0.0,6.0,4.0,0.0,3.0,0.0,111.0,54.0,165.0,14.0,0.0,129.0,112.0,129.0,103.0,1.0,2 -138.0,138.0,0.0,0.0,2.0,39.0,0.8,10.0,9.1,0.0,0.0,0.0,0.0,23.0,131.0,154.0,2.0,0.0,142.0,141.0,143.0,1.0,0.0,1 -148.0,148.0,0.0,0.0,0.0,67.0,0.4,67.0,4.9,0.0,0.0,0.0,0.0,15.0,139.0,154.0,4.0,0.0,150.0,149.0,151.0,0.0,1.0,2 -123.0,123.0,0.0,0.0,0.0,44.0,0.8,34.0,6.3,0.0,0.0,0.0,0.0,82.0,59.0,141.0,4.0,0.0,127.0,126.0,128.0,0.0,1.0,1 -123.0,123.0,10.0,0.0,5.0,39.0,2.1,0.0,21.3,0.0,0.0,0.0,0.0,88.0,58.0,146.0,7.0,0.0,127.0,127.0,129.0,14.0,1.0,1 -112.0,112.0,10.0,0.0,5.0,24.0,1.3,5.0,6.0,0.0,0.0,0.0,0.0,39.0,105.0,144.0,0.0,0.0,114.0,116.0,116.0,5.0,-1.0,1 -122.0,122.0,0.0,0.0,5.0,21.0,1.7,0.0,8.0,6.0,0.0,0.0,0.0,55.0,81.0,136.0,2.0,1.0,126.0,115.0,118.0,22.0,1.0,1 -138.0,138.0,3.0,0.0,2.0,32.0,1.3,0.0,9.0,0.0,0.0,0.0,0.0,60.0,119.0,179.0,2.0,0.0,158.0,152.0,155.0,8.0,0.0,1 -143.0,143.0,0.0,0.0,2.0,65.0,0.6,7.0,12.9,0.0,0.0,0.0,0.0,29.0,129.0,158.0,4.0,1.0,150.0,145.0,146.0,5.0,0.0,2 -142.0,142.0,10.0,0.0,8.0,43.0,0.9,0.0,6.1,0.0,0.0,0.0,0.0,46.0,127.0,173.0,3.0,0.0,149.0,149.0,150.0,4.0,0.0,1 -130.0,130.0,0.0,0.0,2.0,49.0,0.6,25.0,5.4,0.0,0.0,0.0,0.0,14.0,129.0,143.0,1.0,0.0,137.0,136.0,138.0,0.0,0.0,1 -133.0,133.0,0.0,3.0,1.0,61.0,0.5,4.0,7.8,0.0,0.0,0.0,0.0,16.0,128.0,144.0,1.0,0.0,135.0,135.0,136.0,0.0,0.0,2 -143.0,143.0,5.0,0.0,1.0,50.0,0.9,0.0,4.4,0.0,0.0,0.0,0.0,106.0,72.0,178.0,5.0,0.0,147.0,150.0,149.0,6.0,1.0,1 -120.0,120.0,0.0,0.0,5.0,62.0,1.5,0.0,8.8,9.0,0.0,1.0,0.0,85.0,69.0,154.0,5.0,1.0,86.0,102.0,101.0,64.0,-1.0,3 -114.0,114.0,6.0,0.0,6.0,18.0,3.0,0.0,14.9,0.0,0.0,0.0,0.0,122.0,76.0,198.0,4.0,1.0,145.0,146.0,147.0,65.0,0.0,1 -128.0,128.0,0.0,7.0,10.0,63.0,2.5,0.0,1.2,10.0,0.0,0.0,0.0,107.0,64.0,171.0,4.0,1.0,129.0,115.0,128.0,17.0,0.0,1 -131.0,131.0,10.0,0.0,4.0,54.0,1.5,0.0,4.0,1.0,0.0,0.0,0.0,85.0,84.0,169.0,6.0,0.0,151.0,141.0,144.0,22.0,1.0,1 -140.0,140.0,0.0,0.0,6.0,79.0,0.3,20.0,8.5,0.0,0.0,0.0,0.0,26.0,124.0,150.0,1.0,0.0,144.0,143.0,145.0,1.0,1.0,1 -122.0,122.0,0.0,0.0,3.0,21.0,1.9,0.0,5.6,3.0,0.0,0.0,0.0,73.0,77.0,150.0,3.0,2.0,127.0,115.0,117.0,30.0,0.0,1 -131.0,131.0,8.0,3.0,2.0,53.0,1.8,0.0,3.2,0.0,0.0,0.0,0.0,60.0,109.0,169.0,7.0,0.0,150.0,143.0,147.0,14.0,0.0,1 -123.0,123.0,0.0,0.0,1.0,73.0,0.3,72.0,5.2,0.0,0.0,0.0,0.0,28.0,108.0,136.0,3.0,0.0,123.0,124.0,125.0,1.0,0.0,3 -122.0,122.0,3.0,0.0,2.0,19.0,2.0,0.0,17.7,1.0,0.0,0.0,0.0,46.0,102.0,148.0,3.0,0.0,125.0,124.0,126.0,6.0,0.0,1 -146.0,146.0,11.0,4.0,1.0,41.0,1.9,0.0,27.3,0.0,0.0,0.0,0.0,130.0,50.0,180.0,7.0,0.0,154.0,152.0,155.0,18.0,1.0,1 -135.0,135.0,2.0,0.0,4.0,42.0,0.8,7.0,8.5,0.0,0.0,0.0,0.0,34.0,119.0,153.0,3.0,0.0,142.0,140.0,142.0,1.0,0.0,1 -154.0,154.0,0.0,0.0,1.0,48.0,0.9,0.0,12.7,0.0,0.0,0.0,0.0,90.0,93.0,183.0,4.0,0.0,167.0,161.0,163.0,8.0,1.0,2 -125.0,125.0,4.0,0.0,3.0,28.0,1.2,0.0,7.9,0.0,0.0,0.0,0.0,87.0,79.0,166.0,4.0,0.0,131.0,132.0,132.0,8.0,0.0,1 -127.0,127.0,8.0,6.0,0.0,48.0,1.1,2.0,14.0,0.0,0.0,0.0,0.0,84.0,64.0,148.0,2.0,0.0,133.0,132.0,134.0,7.0,1.0,1 -124.0,124.0,0.0,2.0,0.0,59.0,0.6,0.0,7.6,0.0,0.0,0.0,0.0,25.0,111.0,136.0,0.0,0.0,129.0,129.0,130.0,0.0,1.0,1 -131.0,131.0,10.0,0.0,10.0,23.0,1.7,0.0,6.9,0.0,0.0,0.0,0.0,84.0,110.0,194.0,6.0,0.0,160.0,158.0,161.0,23.0,0.0,1 -139.0,139.0,8.0,1.0,6.0,50.0,1.4,0.0,15.0,3.0,0.0,0.0,0.0,102.0,76.0,178.0,10.0,0.0,162.0,144.0,149.0,57.0,1.0,1 -133.0,133.0,9.0,20.0,5.0,36.0,3.1,0.0,27.6,0.0,0.0,0.0,0.0,105.0,54.0,159.0,4.0,0.0,143.0,137.0,142.0,28.0,1.0,1 -136.0,136.0,0.0,0.0,4.0,56.0,1.1,32.0,7.4,2.0,0.0,0.0,0.0,95.0,74.0,169.0,4.0,3.0,140.0,137.0,140.0,12.0,1.0,1 -144.0,144.0,0.0,0.0,5.0,32.0,1.0,0.0,13.2,0.0,0.0,0.0,0.0,38.0,122.0,160.0,1.0,0.0,150.0,147.0,149.0,2.0,1.0,1 -127.0,127.0,0.0,0.0,6.0,65.0,0.4,67.0,4.3,0.0,0.0,0.0,0.0,12.0,119.0,131.0,1.0,0.0,123.0,124.0,125.0,0.0,0.0,1 -120.0,120.0,0.0,10.0,0.0,56.0,0.5,12.0,8.5,0.0,0.0,0.0,0.0,30.0,103.0,133.0,2.0,0.0,120.0,121.0,122.0,1.0,0.0,1 -128.0,128.0,1.0,0.0,12.0,37.0,2.8,0.0,16.0,3.0,0.0,0.0,0.0,136.0,55.0,191.0,9.0,1.0,129.0,130.0,129.0,37.0,0.0,1 -133.0,133.0,0.0,4.0,12.0,61.0,2.5,0.0,0.1,5.0,0.0,0.0,0.0,62.0,86.0,148.0,2.0,0.0,133.0,123.0,130.0,14.0,1.0,1 -138.0,138.0,0.0,3.0,0.0,38.0,1.2,0.0,19.7,0.0,0.0,0.0,0.0,90.0,71.0,161.0,3.0,0.0,144.0,141.0,142.0,5.0,1.0,1 -130.0,130.0,6.0,1.0,1.0,72.0,0.9,9.0,4.8,0.0,0.0,0.0,0.0,31.0,127.0,158.0,1.0,0.0,139.0,139.0,141.0,3.0,0.0,1 -144.0,144.0,0.0,0.0,2.0,33.0,1.2,2.0,10.4,1.0,0.0,0.0,0.0,61.0,99.0,160.0,2.0,0.0,153.0,147.0,152.0,19.0,1.0,1 -121.0,121.0,0.0,0.0,2.0,24.0,1.5,0.0,0.0,3.0,0.0,1.0,0.0,68.0,71.0,139.0,2.0,0.0,123.0,106.0,108.0,53.0,0.0,2 -144.0,144.0,2.0,0.0,6.0,51.0,0.6,16.0,6.0,1.0,0.0,0.0,0.0,44.0,125.0,169.0,3.0,0.0,157.0,156.0,158.0,3.0,1.0,1 -137.0,137.0,2.0,4.0,3.0,58.0,1.9,0.0,7.8,5.0,0.0,0.0,0.0,116.0,52.0,168.0,9.0,2.0,142.0,130.0,139.0,38.0,1.0,1 -125.0,125.0,2.0,0.0,5.0,40.0,0.7,9.0,8.1,0.0,0.0,0.0,0.0,29.0,122.0,151.0,1.0,0.0,131.0,132.0,132.0,2.0,-1.0,1 -130.0,130.0,8.0,1.0,1.0,71.0,0.7,10.0,4.0,0.0,0.0,0.0,0.0,31.0,127.0,158.0,1.0,0.0,139.0,140.0,141.0,3.0,0.0,1 -122.0,122.0,3.0,0.0,4.0,21.0,1.7,0.0,6.7,4.0,0.0,0.0,0.0,69.0,74.0,143.0,4.0,0.0,133.0,121.0,126.0,32.0,1.0,1 -122.0,122.0,0.0,0.0,5.0,27.0,1.2,0.0,10.3,3.0,0.0,0.0,0.0,40.0,92.0,132.0,3.0,2.0,120.0,120.0,123.0,4.0,1.0,1 -143.0,143.0,4.0,8.0,0.0,50.0,1.1,3.0,12.2,1.0,0.0,0.0,0.0,126.0,74.0,200.0,8.0,0.0,148.0,147.0,149.0,4.0,0.0,1 -123.0,123.0,2.0,3.0,0.0,55.0,0.7,0.0,8.6,0.0,0.0,0.0,0.0,71.0,81.0,152.0,4.0,0.0,129.0,129.0,130.0,3.0,1.0,1 -143.0,143.0,0.0,2.0,1.0,61.0,0.6,17.0,14.4,0.0,0.0,0.0,0.0,84.0,74.0,158.0,10.0,1.0,145.0,144.0,146.0,3.0,1.0,2 -144.0,144.0,3.0,0.0,6.0,40.0,0.8,5.0,11.1,0.0,0.0,0.0,0.0,56.0,112.0,168.0,2.0,0.0,157.0,153.0,155.0,5.0,1.0,1 -129.0,129.0,4.0,26.0,1.0,37.0,1.3,0.0,12.1,0.0,0.0,0.0,0.0,140.0,55.0,195.0,7.0,4.0,186.0,151.0,144.0,177.0,0.0,1 -144.0,144.0,4.0,0.0,5.0,40.0,0.8,0.0,9.9,0.0,0.0,0.0,0.0,59.0,112.0,171.0,3.0,0.0,160.0,154.0,157.0,8.0,1.0,1 -130.0,130.0,1.0,0.0,8.0,62.0,2.0,0.0,0.0,9.0,0.0,0.0,0.0,127.0,50.0,177.0,7.0,0.0,60.0,95.0,112.0,269.0,0.0,3 -144.0,144.0,3.0,0.0,1.0,40.0,0.9,5.0,8.3,1.0,0.0,0.0,0.0,97.0,82.0,179.0,7.0,1.0,152.0,153.0,154.0,7.0,1.0,1 -134.0,134.0,0.0,0.0,0.0,81.0,0.2,91.0,1.3,0.0,0.0,0.0,0.0,3.0,133.0,136.0,1.0,0.0,135.0,134.0,136.0,0.0,1.0,3 -128.0,128.0,5.0,11.0,5.0,26.0,2.0,0.0,8.2,5.0,0.0,1.0,0.0,91.0,65.0,156.0,8.0,0.0,133.0,126.0,132.0,41.0,1.0,1 -130.0,130.0,1.0,0.0,3.0,21.0,1.4,11.0,7.3,0.0,0.0,0.0,0.0,33.0,119.0,152.0,1.0,0.0,133.0,131.0,133.0,2.0,0.0,1 -144.0,144.0,0.0,1.0,1.0,84.0,0.3,31.0,5.7,0.0,0.0,0.0,0.0,38.0,132.0,170.0,2.0,0.0,144.0,143.0,145.0,0.0,-1.0,3 -136.0,136.0,0.0,0.0,4.0,36.0,1.0,0.0,16.1,0.0,0.0,0.0,0.0,37.0,117.0,154.0,2.0,0.0,139.0,137.0,138.0,3.0,0.0,1 -148.0,148.0,0.0,2.0,3.0,77.0,0.5,4.0,10.2,0.0,0.0,0.0,0.0,32.0,140.0,172.0,1.0,0.0,150.0,150.0,151.0,1.0,-1.0,3 -125.0,125.0,3.0,0.0,1.0,25.0,1.7,6.0,11.6,2.0,0.0,0.0,0.0,93.0,72.0,165.0,3.0,0.0,133.0,128.0,132.0,10.0,0.0,1 -133.0,133.0,0.0,6.0,2.0,64.0,0.4,25.0,6.4,0.0,0.0,0.0,0.0,15.0,129.0,144.0,2.0,0.0,136.0,135.0,137.0,0.0,0.0,2 -149.0,149.0,4.0,0.0,3.0,35.0,1.0,0.0,0.5,0.0,0.0,0.0,0.0,34.0,145.0,179.0,3.0,0.0,169.0,166.0,169.0,5.0,1.0,1 -130.0,130.0,6.0,0.0,6.0,24.0,1.4,0.0,0.0,0.0,0.0,0.0,0.0,74.0,117.0,191.0,3.0,1.0,155.0,154.0,157.0,14.0,0.0,1 -122.0,122.0,0.0,0.0,3.0,30.0,1.1,0.0,7.6,2.0,0.0,0.0,0.0,39.0,93.0,132.0,2.0,0.0,126.0,122.0,125.0,4.0,1.0,1 -142.0,142.0,1.0,0.0,2.0,45.0,0.7,16.0,8.4,0.0,0.0,0.0,0.0,24.0,135.0,159.0,0.0,0.0,150.0,149.0,150.0,1.0,0.0,1 -126.0,126.0,6.0,29.0,5.0,41.0,1.3,2.0,10.7,0.0,0.0,0.0,0.0,127.0,66.0,193.0,9.0,0.0,129.0,133.0,133.0,11.0,0.0,1 -131.0,131.0,4.0,0.0,3.0,38.0,1.3,0.0,2.9,4.0,0.0,0.0,0.0,95.0,58.0,153.0,5.0,0.0,143.0,131.0,142.0,64.0,1.0,1 -139.0,139.0,8.0,1.0,6.0,50.0,1.5,0.0,10.0,5.0,0.0,0.0,0.0,99.0,76.0,175.0,6.0,0.0,147.0,138.0,143.0,37.0,1.0,1 -133.0,133.0,0.0,0.0,9.0,60.0,3.0,0.0,0.0,2.0,0.0,2.0,0.0,105.0,60.0,165.0,5.0,0.0,125.0,97.0,105.0,80.0,0.0,3 -141.0,141.0,7.0,0.0,1.0,42.0,1.8,0.0,15.5,0.0,0.0,0.0,0.0,116.0,70.0,186.0,8.0,1.0,153.0,151.0,152.0,14.0,1.0,1 -146.0,146.0,1.0,0.0,5.0,28.0,1.7,9.0,12.3,5.0,0.0,0.0,0.0,80.0,86.0,166.0,3.0,0.0,151.0,142.0,146.0,22.0,1.0,1 -133.0,133.0,6.0,44.0,3.0,64.0,2.0,0.0,4.5,1.0,0.0,0.0,0.0,64.0,96.0,160.0,3.0,0.0,142.0,130.0,142.0,3.0,1.0,1 -154.0,154.0,6.0,1.0,2.0,45.0,0.8,0.0,3.5,0.0,0.0,0.0,0.0,47.0,142.0,189.0,2.0,1.0,161.0,166.0,165.0,10.0,0.0,1 -118.0,118.0,0.0,0.0,1.0,24.0,1.5,0.0,9.7,1.0,0.0,0.0,0.0,55.0,89.0,144.0,1.0,1.0,125.0,118.0,121.0,10.0,0.0,1 -134.0,134.0,2.0,0.0,0.0,64.0,1.7,0.0,0.0,0.0,0.0,3.0,0.0,114.0,66.0,180.0,6.0,1.0,88.0,101.0,102.0,88.0,-1.0,3 -126.0,126.0,0.0,0.0,7.0,34.0,1.0,0.0,15.2,0.0,0.0,0.0,0.0,33.0,109.0,142.0,1.0,0.0,134.0,131.0,134.0,3.0,1.0,1 -134.0,134.0,2.0,5.0,2.0,67.0,1.5,3.0,25.8,0.0,0.0,0.0,0.0,138.0,54.0,192.0,2.0,0.0,136.0,136.0,137.0,7.0,0.0,1 -122.0,122.0,0.0,0.0,4.0,13.0,3.8,0.0,23.6,4.0,0.0,0.0,0.0,98.0,60.0,158.0,6.0,1.0,127.0,113.0,115.0,41.0,0.0,1 -134.0,134.0,0.0,0.0,6.0,33.0,1.4,20.0,9.9,6.0,0.0,0.0,0.0,110.0,53.0,163.0,3.0,1.0,136.0,129.0,136.0,27.0,1.0,1 -122.0,122.0,0.0,0.0,0.0,83.0,0.5,6.0,15.6,0.0,0.0,0.0,0.0,68.0,62.0,130.0,0.0,0.0,122.0,122.0,123.0,3.0,1.0,3 -150.0,150.0,0.0,26.0,0.0,74.0,0.3,56.0,6.4,0.0,0.0,0.0,0.0,25.0,131.0,156.0,4.0,0.0,150.0,150.0,151.0,0.0,1.0,2 -120.0,120.0,3.0,7.0,3.0,37.0,1.5,0.0,11.3,0.0,0.0,0.0,0.0,96.0,78.0,174.0,4.0,0.0,119.0,132.0,128.0,51.0,0.0,1 -129.0,129.0,0.0,4.0,1.0,55.0,0.6,0.0,10.3,0.0,0.0,0.0,0.0,58.0,101.0,159.0,3.0,0.0,140.0,138.0,140.0,2.0,0.0,2 -144.0,144.0,5.0,4.0,2.0,33.0,1.7,0.0,21.5,0.0,0.0,0.0,0.0,103.0,71.0,174.0,5.0,1.0,150.0,149.0,151.0,10.0,1.0,1 -148.0,148.0,0.0,0.0,6.0,51.0,0.5,59.0,4.8,0.0,0.0,0.0,0.0,11.0,152.0,163.0,1.0,0.0,160.0,159.0,161.0,0.0,1.0,1 -132.0,132.0,6.0,0.0,8.0,56.0,2.8,0.0,0.0,9.0,0.0,0.0,0.0,116.0,70.0,186.0,5.0,0.0,106.0,115.0,133.0,113.0,-1.0,1 -115.0,115.0,6.0,0.0,7.0,23.0,1.5,0.0,10.8,1.0,0.0,0.0,0.0,57.0,94.0,151.0,2.0,0.0,120.0,121.0,122.0,6.0,0.0,1 -130.0,130.0,1.0,0.0,3.0,23.0,1.3,10.0,5.7,0.0,0.0,0.0,0.0,32.0,120.0,152.0,2.0,0.0,133.0,133.0,134.0,1.0,0.0,1 -133.0,133.0,0.0,0.0,8.0,60.0,0.7,58.0,9.9,0.0,0.0,0.0,0.0,128.0,72.0,200.0,8.0,1.0,133.0,132.0,134.0,2.0,0.0,2 -145.0,145.0,2.0,0.0,2.0,45.0,0.7,1.0,7.4,0.0,0.0,0.0,0.0,38.0,133.0,171.0,2.0,0.0,160.0,158.0,159.0,2.0,0.0,1 -131.0,131.0,1.0,0.0,6.0,27.0,1.4,0.0,12.2,3.0,0.0,0.0,0.0,84.0,71.0,155.0,2.0,0.0,136.0,132.0,137.0,15.0,1.0,1 -131.0,131.0,0.0,0.0,6.0,25.0,2.4,3.0,3.9,7.0,0.0,0.0,0.0,108.0,59.0,167.0,7.0,1.0,136.0,120.0,134.0,82.0,1.0,1 -128.0,128.0,8.0,10.0,4.0,32.0,1.6,0.0,3.5,6.0,0.0,0.0,0.0,109.0,68.0,177.0,11.0,0.0,137.0,129.0,135.0,35.0,0.0,1 -133.0,133.0,0.0,5.0,6.0,68.0,3.0,1.0,1.3,0.0,0.0,0.0,0.0,57.0,91.0,148.0,8.0,0.0,133.0,129.0,134.0,2.0,1.0,1 -133.0,133.0,0.0,0.0,0.0,73.0,0.2,88.0,3.3,0.0,0.0,0.0,0.0,8.0,131.0,139.0,1.0,0.0,133.0,134.0,135.0,0.0,0.0,3 -133.0,133.0,0.0,0.0,3.0,75.0,0.4,13.0,7.2,0.0,0.0,0.0,0.0,26.0,129.0,155.0,1.0,0.0,136.0,137.0,139.0,1.0,0.0,1 -131.0,131.0,3.0,0.0,3.0,42.0,0.9,0.0,3.2,2.0,0.0,0.0,0.0,79.0,74.0,153.0,2.0,0.0,142.0,136.0,142.0,24.0,1.0,1 -115.0,115.0,1.0,0.0,5.0,15.0,2.3,0.0,5.6,2.0,0.0,1.0,0.0,92.0,77.0,169.0,4.0,1.0,114.0,109.0,110.0,33.0,-1.0,1 -130.0,130.0,12.0,0.0,7.0,50.0,1.4,0.0,2.8,0.0,0.0,0.0,0.0,68.0,104.0,172.0,4.0,1.0,144.0,142.0,144.0,10.0,0.0,1 -148.0,148.0,0.0,0.0,0.0,68.0,0.3,75.0,4.5,0.0,0.0,0.0,0.0,25.0,128.0,153.0,3.0,0.0,150.0,149.0,151.0,0.0,1.0,3 -123.0,123.0,1.0,0.0,4.0,38.0,0.9,13.0,8.0,0.0,0.0,0.0,0.0,24.0,117.0,141.0,1.0,0.0,126.0,127.0,128.0,1.0,0.0,1 -127.0,127.0,1.0,0.0,3.0,33.0,1.0,0.0,7.6,0.0,0.0,0.0,0.0,32.0,114.0,146.0,0.0,0.0,129.0,130.0,132.0,3.0,0.0,1 -130.0,130.0,5.0,0.0,14.0,52.0,2.7,0.0,2.2,3.0,0.0,0.0,0.0,89.0,76.0,165.0,5.0,0.0,139.0,129.0,135.0,20.0,0.0,1 -144.0,144.0,1.0,0.0,4.0,45.0,0.8,2.0,11.5,0.0,0.0,0.0,0.0,30.0,138.0,168.0,3.0,0.0,162.0,157.0,160.0,5.0,1.0,1 -159.0,159.0,0.0,0.0,6.0,66.0,0.4,13.0,8.5,0.0,0.0,0.0,0.0,24.0,149.0,173.0,0.0,0.0,165.0,164.0,166.0,0.0,1.0,2 -125.0,125.0,6.0,4.0,2.0,22.0,2.1,0.0,0.0,1.0,0.0,0.0,0.0,107.0,67.0,174.0,4.0,0.0,134.0,136.0,138.0,16.0,0.0,1 -123.0,123.0,6.0,0.0,2.0,39.0,1.5,0.0,16.0,0.0,0.0,0.0,0.0,95.0,51.0,146.0,6.0,1.0,129.0,128.0,130.0,9.0,1.0,1 -139.0,139.0,9.0,1.0,9.0,52.0,1.5,4.0,10.2,5.0,0.0,0.0,0.0,96.0,76.0,172.0,5.0,0.0,158.0,140.0,145.0,57.0,1.0,1 -123.0,123.0,2.0,0.0,1.0,41.0,1.1,14.0,13.4,0.0,0.0,0.0,0.0,87.0,58.0,145.0,11.0,1.0,127.0,126.0,127.0,4.0,1.0,1 -130.0,130.0,0.0,0.0,3.0,31.0,1.1,0.0,17.6,0.0,0.0,0.0,0.0,47.0,103.0,150.0,3.0,1.0,131.0,132.0,133.0,2.0,0.0,1 -110.0,110.0,4.0,0.0,11.0,64.0,2.1,0.0,5.6,6.0,0.0,0.0,0.0,176.0,62.0,238.0,10.0,0.0,107.0,101.0,108.0,33.0,-1.0,1 -134.0,134.0,5.0,1.0,6.0,61.0,1.2,0.0,5.9,4.0,0.0,0.0,0.0,83.0,90.0,173.0,4.0,0.0,150.0,143.0,148.0,19.0,1.0,1 -131.0,131.0,6.0,0.0,4.0,25.0,1.3,0.0,6.8,0.0,0.0,0.0,0.0,42.0,117.0,159.0,1.0,0.0,136.0,138.0,139.0,5.0,0.0,1 -128.0,128.0,4.0,4.0,2.0,36.0,1.6,0.0,4.9,1.0,0.0,0.0,0.0,124.0,59.0,183.0,5.0,0.0,137.0,135.0,139.0,18.0,0.0,1 -115.0,115.0,9.0,54.0,5.0,27.0,2.3,0.0,12.4,0.0,0.0,0.0,0.0,129.0,53.0,182.0,7.0,0.0,119.0,120.0,120.0,14.0,0.0,1 -121.0,121.0,3.0,0.0,5.0,37.0,0.9,0.0,7.5,1.0,0.0,0.0,0.0,71.0,82.0,153.0,5.0,0.0,150.0,128.0,130.0,68.0,1.0,1 -141.0,141.0,0.0,11.0,1.0,60.0,0.4,41.0,5.6,1.0,0.0,0.0,0.0,38.0,121.0,159.0,3.0,0.0,154.0,149.0,154.0,8.0,1.0,2 -125.0,125.0,9.0,18.0,1.0,48.0,0.8,0.0,4.9,0.0,0.0,0.0,0.0,63.0,82.0,145.0,9.0,0.0,133.0,132.0,133.0,3.0,1.0,1 -144.0,144.0,2.0,0.0,6.0,48.0,0.7,6.0,10.2,0.0,0.0,0.0,0.0,47.0,120.0,167.0,3.0,0.0,148.0,149.0,150.0,3.0,0.0,1 -141.0,141.0,5.0,0.0,6.0,58.0,0.5,0.0,7.8,0.0,0.0,0.0,0.0,37.0,131.0,168.0,0.0,0.0,153.0,153.0,154.0,2.0,0.0,1 -129.0,129.0,0.0,304.0,4.0,30.0,2.1,0.0,8.5,2.0,0.0,3.0,0.0,128.0,54.0,182.0,13.0,0.0,129.0,104.0,120.0,138.0,0.0,3 -144.0,144.0,0.0,3.0,0.0,77.0,0.2,62.0,3.8,0.0,0.0,0.0,0.0,12.0,138.0,150.0,2.0,0.0,144.0,144.0,146.0,0.0,0.0,2 -130.0,130.0,8.0,2.0,3.0,53.0,1.7,0.0,2.0,5.0,0.0,0.0,0.0,106.0,73.0,179.0,7.0,0.0,144.0,137.0,141.0,31.0,0.0,1 -142.0,142.0,1.0,0.0,4.0,29.0,2.7,0.0,2.8,8.0,0.0,0.0,0.0,144.0,50.0,194.0,8.0,0.0,143.0,132.0,139.0,42.0,0.0,1 -134.0,134.0,0.0,0.0,5.0,32.0,1.2,20.0,6.4,7.0,0.0,0.0,0.0,102.0,53.0,155.0,5.0,1.0,136.0,128.0,135.0,30.0,1.0,1 -146.0,146.0,0.0,0.0,4.0,30.0,1.1,0.0,4.7,3.0,0.0,0.0,0.0,59.0,99.0,158.0,3.0,0.0,147.0,143.0,147.0,5.0,1.0,1 -133.0,133.0,0.0,0.0,4.0,20.0,2.7,0.0,18.5,6.0,0.0,0.0,0.0,98.0,63.0,161.0,7.0,0.0,136.0,124.0,134.0,61.0,1.0,1 -125.0,125.0,1.0,5.0,0.0,22.0,1.9,0.0,15.8,0.0,0.0,0.0,0.0,82.0,68.0,150.0,5.0,1.0,132.0,130.0,133.0,6.0,1.0,1 -122.0,122.0,1.0,0.0,0.0,18.0,1.9,0.0,19.4,0.0,0.0,0.0,0.0,40.0,108.0,148.0,3.0,0.0,119.0,125.0,125.0,9.0,0.0,1 -131.0,131.0,8.0,0.0,5.0,54.0,1.6,0.0,2.7,1.0,0.0,0.0,0.0,56.0,111.0,167.0,2.0,0.0,138.0,139.0,141.0,8.0,0.0,1 -130.0,130.0,14.0,2.0,3.0,51.0,1.8,0.0,6.5,7.0,0.0,0.0,0.0,118.0,77.0,195.0,7.0,0.0,131.0,137.0,141.0,47.0,0.0,1 -128.0,128.0,6.0,0.0,5.0,36.0,3.8,0.0,20.5,3.0,0.0,0.0,0.0,148.0,51.0,199.0,7.0,1.0,133.0,141.0,136.0,83.0,0.0,1 -146.0,146.0,1.0,0.0,0.0,19.0,3.4,0.0,15.0,5.0,0.0,0.0,0.0,150.0,50.0,200.0,8.0,1.0,148.0,139.0,146.0,36.0,0.0,1 -130.0,130.0,0.0,1.0,0.0,75.0,0.3,66.0,2.1,1.0,0.0,0.0,0.0,60.0,105.0,165.0,6.0,0.0,130.0,129.0,131.0,1.0,0.0,2 -133.0,133.0,0.0,0.0,1.0,37.0,1.3,4.0,14.6,6.0,0.0,0.0,0.0,81.0,71.0,152.0,4.0,0.0,136.0,130.0,136.0,24.0,1.0,1 -144.0,144.0,0.0,1.0,0.0,51.0,1.1,10.0,21.7,0.0,0.0,0.0,0.0,115.0,71.0,186.0,9.0,0.0,153.0,151.0,153.0,6.0,1.0,2 -133.0,133.0,0.0,0.0,5.0,75.0,0.4,15.0,6.7,0.0,0.0,0.0,0.0,26.0,129.0,155.0,2.0,0.0,136.0,137.0,139.0,1.0,0.0,1 -125.0,125.0,2.0,0.0,2.0,32.0,1.0,0.0,6.3,0.0,0.0,0.0,0.0,50.0,114.0,164.0,2.0,0.0,127.0,131.0,130.0,9.0,-1.0,1 -147.0,147.0,9.0,11.0,3.0,71.0,0.7,0.0,9.5,0.0,0.0,0.0,0.0,82.0,116.0,198.0,2.0,0.0,156.0,158.0,159.0,10.0,0.0,1 -125.0,125.0,1.0,0.0,5.0,31.0,1.1,1.0,12.5,0.0,0.0,0.0,0.0,38.0,109.0,147.0,4.0,0.0,125.0,125.0,127.0,3.0,0.0,1 -134.0,134.0,0.0,0.0,0.0,83.0,0.2,64.0,3.5,0.0,0.0,0.0,0.0,11.0,130.0,141.0,1.0,0.0,135.0,134.0,136.0,0.0,0.0,3 -132.0,132.0,1.0,3.0,2.0,51.0,0.7,0.0,12.3,0.0,0.0,0.0,0.0,41.0,115.0,156.0,2.0,1.0,136.0,137.0,139.0,2.0,0.0,1 -132.0,132.0,0.0,64.0,1.0,29.0,2.9,0.0,15.1,7.0,0.0,0.0,0.0,144.0,50.0,194.0,11.0,1.0,133.0,124.0,130.0,35.0,0.0,1 -146.0,146.0,0.0,0.0,7.0,65.0,0.4,41.0,7.0,1.0,0.0,0.0,0.0,28.0,134.0,162.0,4.0,0.0,152.0,150.0,152.0,1.0,0.0,2 -138.0,138.0,12.0,0.0,0.0,51.0,1.0,0.0,2.4,0.0,0.0,0.0,0.0,64.0,107.0,171.0,2.0,3.0,147.0,148.0,149.0,7.0,0.0,1 -132.0,132.0,0.0,0.0,3.0,33.0,1.0,0.0,13.3,0.0,0.0,0.0,0.0,35.0,120.0,155.0,1.0,0.0,138.0,138.0,139.0,2.0,0.0,1 -130.0,130.0,8.0,1.0,6.0,52.0,1.7,0.0,0.3,5.0,0.0,0.0,0.0,101.0,77.0,178.0,3.0,0.0,135.0,134.0,137.0,48.0,0.0,1 -152.0,152.0,0.0,0.0,4.0,56.0,0.6,39.0,6.8,1.0,0.0,0.0,0.0,61.0,99.0,160.0,3.0,2.0,157.0,153.0,156.0,5.0,1.0,1 -146.0,146.0,0.0,0.0,3.0,27.0,1.9,15.0,6.4,5.0,0.0,0.0,0.0,81.0,86.0,167.0,5.0,0.0,151.0,140.0,145.0,31.0,1.0,1 -132.0,132.0,6.0,0.0,2.0,26.0,1.5,0.0,7.5,3.0,0.0,0.0,0.0,94.0,68.0,162.0,9.0,1.0,143.0,137.0,142.0,26.0,1.0,1 -132.0,132.0,7.0,0.0,2.0,19.0,2.3,0.0,4.0,5.0,0.0,0.0,0.0,100.0,76.0,176.0,6.0,1.0,145.0,138.0,143.0,36.0,1.0,1 -134.0,134.0,9.0,0.0,10.0,57.0,1.2,0.0,0.0,5.0,0.0,0.0,0.0,101.0,86.0,187.0,3.0,0.0,151.0,148.0,155.0,47.0,1.0,1 -132.0,132.0,5.0,0.0,9.0,36.0,3.4,0.0,15.3,7.0,0.0,0.0,0.0,145.0,53.0,198.0,6.0,2.0,133.0,136.0,134.0,65.0,0.0,1 -122.0,122.0,6.0,0.0,0.0,23.0,1.7,0.0,9.7,3.0,0.0,0.0,0.0,78.0,79.0,157.0,6.0,0.0,131.0,125.0,130.0,18.0,0.0,1 -142.0,142.0,0.0,0.0,4.0,44.0,0.8,1.0,11.1,0.0,0.0,0.0,0.0,32.0,126.0,158.0,1.0,0.0,145.0,146.0,147.0,2.0,0.0,1 -119.0,119.0,1.0,0.0,3.0,26.0,1.5,0.0,14.1,1.0,0.0,0.0,0.0,56.0,88.0,144.0,3.0,0.0,127.0,122.0,125.0,8.0,0.0,1 -128.0,128.0,7.0,12.0,5.0,22.0,2.2,0.0,6.3,6.0,0.0,1.0,0.0,109.0,65.0,174.0,7.0,0.0,143.0,126.0,134.0,70.0,0.0,1 -138.0,138.0,2.0,0.0,4.0,41.0,0.8,8.0,10.3,0.0,0.0,0.0,0.0,51.0,105.0,156.0,4.0,0.0,142.0,142.0,143.0,2.0,1.0,1 -110.0,110.0,5.0,1.0,3.0,65.0,1.1,0.0,9.3,1.0,0.0,0.0,0.0,88.0,90.0,178.0,5.0,0.0,109.0,113.0,112.0,24.0,-1.0,1 -115.0,115.0,3.0,0.0,8.0,24.0,1.6,0.0,10.1,2.0,0.0,1.0,0.0,108.0,71.0,179.0,3.0,2.0,133.0,122.0,129.0,45.0,0.0,1 -139.0,139.0,3.0,0.0,5.0,58.0,0.5,0.0,8.1,0.0,0.0,0.0,0.0,61.0,107.0,168.0,3.0,0.0,153.0,152.0,154.0,3.0,1.0,1 -134.0,134.0,1.0,1.0,0.0,63.0,1.5,0.0,0.0,1.0,0.0,2.0,0.0,100.0,71.0,171.0,4.0,1.0,89.0,105.0,105.0,72.0,-1.0,3 -129.0,129.0,3.0,19.0,0.0,52.0,0.7,0.0,11.5,0.0,0.0,0.0,0.0,80.0,68.0,148.0,10.0,0.0,133.0,134.0,134.0,3.0,1.0,1 -133.0,133.0,2.0,12.0,3.0,46.0,1.1,0.0,15.4,2.0,0.0,0.0,0.0,69.0,95.0,164.0,5.0,0.0,139.0,135.0,138.0,9.0,0.0,1 -134.0,134.0,0.0,4.0,0.0,79.0,0.2,41.0,5.5,0.0,0.0,0.0,0.0,17.0,128.0,145.0,2.0,0.0,135.0,135.0,136.0,1.0,0.0,3 -122.0,122.0,0.0,0.0,1.0,21.0,2.2,0.0,17.1,0.0,0.0,0.0,0.0,34.0,104.0,138.0,3.0,2.0,129.0,126.0,128.0,3.0,1.0,1 -123.0,123.0,0.0,0.0,1.0,72.0,0.3,58.0,6.5,0.0,0.0,0.0,0.0,52.0,84.0,136.0,3.0,0.0,123.0,123.0,124.0,1.0,1.0,2 -137.0,137.0,1.0,0.0,1.0,63.0,0.5,9.0,7.8,0.0,0.0,0.0,0.0,75.0,125.0,200.0,4.0,0.0,146.0,144.0,146.0,2.0,-1.0,2 -130.0,130.0,1.0,0.0,4.0,22.0,1.4,11.0,7.2,0.0,0.0,0.0,0.0,32.0,120.0,152.0,2.0,0.0,133.0,132.0,134.0,1.0,0.0,1 -132.0,132.0,0.0,0.0,6.0,47.0,0.7,1.0,11.2,1.0,0.0,0.0,0.0,31.0,114.0,145.0,1.0,0.0,136.0,134.0,136.0,2.0,1.0,1 -144.0,144.0,1.0,0.0,7.0,35.0,0.9,2.0,10.8,0.0,0.0,0.0,0.0,36.0,125.0,161.0,0.0,0.0,150.0,148.0,150.0,2.0,1.0,1 -143.0,143.0,0.0,0.0,7.0,67.0,0.4,4.0,13.3,0.0,0.0,0.0,0.0,56.0,106.0,162.0,3.0,1.0,146.0,145.0,147.0,2.0,1.0,1 -128.0,128.0,1.0,2.0,1.0,14.0,2.7,0.0,0.0,2.0,0.0,1.0,0.0,89.0,67.0,156.0,4.0,0.0,115.0,115.0,116.0,44.0,0.0,1 -136.0,136.0,0.0,0.0,8.0,79.0,0.2,40.0,5.1,0.0,0.0,0.0,0.0,20.0,129.0,149.0,2.0,0.0,138.0,138.0,139.0,0.0,0.0,1 -125.0,125.0,0.0,0.0,7.0,64.0,1.4,0.0,2.7,6.0,0.0,1.0,0.0,77.0,78.0,155.0,4.0,0.0,107.0,111.0,113.0,11.0,0.0,1 -130.0,130.0,7.0,1.0,0.0,67.0,0.9,0.0,2.8,0.0,0.0,0.0,0.0,46.0,112.0,158.0,4.0,0.0,137.0,138.0,139.0,4.0,0.0,1 -134.0,134.0,0.0,0.0,2.0,28.0,1.9,0.0,5.5,3.0,0.0,0.0,0.0,102.0,67.0,169.0,11.0,2.0,148.0,133.0,140.0,66.0,1.0,1 -106.0,106.0,5.0,0.0,5.0,64.0,0.7,0.0,12.6,0.0,0.0,0.0,0.0,54.0,100.0,154.0,3.0,0.0,112.0,116.0,114.0,14.0,-1.0,1 -130.0,130.0,2.0,0.0,5.0,33.0,1.1,0.0,16.4,0.0,0.0,0.0,0.0,53.0,103.0,156.0,3.0,0.0,133.0,133.0,134.0,4.0,0.0,1 -126.0,126.0,6.0,0.0,5.0,23.0,1.5,0.0,10.3,0.0,0.0,0.0,0.0,33.0,122.0,155.0,2.0,0.0,136.0,137.0,139.0,3.0,0.0,1 -122.0,122.0,14.0,0.0,1.0,22.0,2.2,0.0,1.9,0.0,0.0,0.0,0.0,52.0,100.0,152.0,1.0,0.0,131.0,133.0,134.0,5.0,0.0,1 -144.0,144.0,0.0,10.0,0.0,71.0,0.3,24.0,6.8,0.0,0.0,0.0,0.0,19.0,133.0,152.0,1.0,0.0,145.0,144.0,146.0,0.0,0.0,2 -146.0,146.0,0.0,0.0,7.0,30.0,1.3,4.0,17.6,2.0,0.0,0.0,0.0,75.0,93.0,168.0,5.0,0.0,147.0,145.0,148.0,6.0,1.0,1 -128.0,128.0,7.0,12.0,4.0,29.0,1.7,0.0,5.8,5.0,0.0,1.0,0.0,115.0,62.0,177.0,11.0,0.0,137.0,128.0,133.0,37.0,0.0,1 -134.0,134.0,3.0,1.0,1.0,60.0,1.6,0.0,0.0,3.0,0.0,2.0,0.0,113.0,71.0,184.0,7.0,0.0,89.0,118.0,113.0,195.0,-1.0,3 -129.0,129.0,0.0,1.0,0.0,69.0,0.3,14.0,7.6,0.0,0.0,0.0,0.0,25.0,127.0,152.0,0.0,0.0,139.0,135.0,136.0,4.0,-1.0,2 -141.0,141.0,4.0,0.0,9.0,58.0,0.6,1.0,8.5,0.0,0.0,0.0,0.0,60.0,111.0,171.0,3.0,1.0,153.0,154.0,156.0,4.0,1.0,1 -126.0,126.0,2.0,0.0,4.0,30.0,1.2,0.0,10.8,1.0,0.0,0.0,0.0,52.0,95.0,147.0,3.0,1.0,136.0,131.0,134.0,7.0,1.0,1 -121.0,121.0,8.0,0.0,6.0,27.0,1.2,0.0,3.3,1.0,0.0,0.0,0.0,67.0,90.0,157.0,4.0,0.0,129.0,129.0,129.0,12.0,0.0,1 -140.0,140.0,4.0,1.0,7.0,64.0,1.0,0.0,5.7,4.0,0.0,0.0,0.0,69.0,96.0,165.0,4.0,0.0,145.0,139.0,144.0,17.0,1.0,1 -120.0,120.0,0.0,5.0,0.0,56.0,0.5,12.0,7.6,0.0,0.0,0.0,0.0,18.0,115.0,133.0,0.0,0.0,123.0,122.0,123.0,1.0,0.0,1 -128.0,128.0,2.0,0.0,1.0,20.0,2.6,0.0,13.2,4.0,0.0,0.0,0.0,92.0,79.0,171.0,2.0,1.0,151.0,137.0,142.0,39.0,1.0,1 -128.0,128.0,4.0,10.0,3.0,39.0,1.2,0.0,12.8,0.0,0.0,0.0,0.0,123.0,59.0,182.0,8.0,0.0,129.0,138.0,135.0,25.0,0.0,1 -133.0,133.0,12.0,0.0,5.0,31.0,1.4,0.0,1.3,0.0,0.0,0.0,0.0,83.0,96.0,179.0,7.0,1.0,163.0,151.0,154.0,31.0,1.0,1 -159.0,159.0,0.0,0.0,4.0,65.0,0.4,16.0,10.8,0.0,0.0,0.0,0.0,91.0,81.0,172.0,0.0,0.0,163.0,163.0,165.0,2.0,1.0,2 -127.0,127.0,0.0,1.0,6.0,71.0,0.9,52.0,3.8,0.0,0.0,0.0,0.0,18.0,119.0,137.0,2.0,0.0,129.0,125.0,128.0,1.0,0.0,1 -133.0,133.0,1.0,0.0,4.0,25.0,1.7,0.0,0.0,4.0,0.0,0.0,0.0,94.0,76.0,170.0,6.0,0.0,133.0,117.0,117.0,77.0,0.0,1 -126.0,126.0,3.0,0.0,3.0,25.0,1.4,0.0,6.3,0.0,0.0,0.0,0.0,48.0,107.0,155.0,2.0,0.0,133.0,135.0,135.0,9.0,0.0,1 -131.0,131.0,10.0,0.0,6.0,52.0,1.3,0.0,2.8,1.0,0.0,0.0,0.0,56.0,111.0,167.0,2.0,0.0,138.0,140.0,142.0,8.0,0.0,1 -121.0,121.0,5.0,2.0,3.0,56.0,1.4,0.0,14.0,4.0,0.0,0.0,0.0,88.0,81.0,169.0,4.0,0.0,124.0,123.0,125.0,23.0,0.0,1 -132.0,132.0,0.0,0.0,1.0,23.0,1.5,0.0,13.1,0.0,0.0,0.0,0.0,42.0,106.0,148.0,5.0,0.0,138.0,136.0,138.0,3.0,1.0,1 -128.0,128.0,6.0,0.0,6.0,36.0,3.8,0.0,18.5,4.0,0.0,0.0,0.0,145.0,53.0,198.0,7.0,2.0,133.0,139.0,135.0,79.0,0.0,1 -137.0,137.0,12.0,4.0,5.0,56.0,1.1,0.0,5.2,1.0,0.0,0.0,0.0,48.0,122.0,170.0,1.0,0.0,146.0,144.0,146.0,8.0,0.0,1 -135.0,135.0,3.0,0.0,2.0,25.0,1.5,0.0,8.9,3.0,0.0,0.0,0.0,68.0,90.0,158.0,3.0,0.0,136.0,134.0,136.0,10.0,0.0,1 -128.0,128.0,0.0,7.0,4.0,17.0,2.7,0.0,8.7,3.0,0.0,1.0,0.0,125.0,53.0,178.0,9.0,0.0,133.0,114.0,122.0,73.0,0.0,1 -142.0,142.0,1.0,1.0,5.0,74.0,0.4,36.0,5.0,0.0,0.0,0.0,0.0,42.0,117.0,159.0,2.0,1.0,145.0,143.0,145.0,1.0,0.0,1 -135.0,135.0,0.0,0.0,8.0,58.0,0.5,32.0,6.1,1.0,0.0,0.0,0.0,31.0,117.0,148.0,4.0,0.0,140.0,139.0,141.0,1.0,1.0,1 -133.0,133.0,0.0,1.0,5.0,62.0,1.9,0.0,4.2,3.0,0.0,2.0,0.0,105.0,60.0,165.0,4.0,0.0,128.0,108.0,116.0,71.0,0.0,3 -145.0,145.0,11.0,20.0,1.0,40.0,1.1,0.0,1.2,0.0,0.0,0.0,0.0,113.0,73.0,186.0,4.0,0.0,165.0,163.0,165.0,11.0,1.0,1 -122.0,122.0,3.0,0.0,4.0,25.0,1.4,0.0,8.0,0.0,0.0,0.0,0.0,44.0,104.0,148.0,4.0,0.0,126.0,125.0,127.0,3.0,0.0,1 -145.0,145.0,3.0,0.0,5.0,55.0,0.6,8.0,6.6,0.0,0.0,0.0,0.0,73.0,93.0,166.0,5.0,0.0,149.0,150.0,151.0,1.0,1.0,1 -132.0,132.0,0.0,0.0,5.0,30.0,1.7,0.0,0.0,1.0,0.0,1.0,0.0,90.0,60.0,150.0,3.0,0.0,99.0,104.0,102.0,33.0,0.0,3 -135.0,135.0,3.0,0.0,2.0,64.0,0.7,0.0,9.5,0.0,0.0,0.0,0.0,41.0,119.0,160.0,2.0,0.0,147.0,141.0,143.0,7.0,0.0,1 -131.0,131.0,0.0,214.0,2.0,34.0,2.2,0.0,3.8,2.0,0.0,1.0,0.0,128.0,54.0,182.0,10.0,1.0,75.0,99.0,102.0,148.0,-1.0,3 -149.0,149.0,0.0,0.0,7.0,42.0,2.5,23.0,8.2,6.0,0.0,0.0,0.0,162.0,51.0,213.0,4.0,0.0,156.0,142.0,154.0,87.0,0.0,1 -148.0,148.0,0.0,0.0,2.0,57.0,0.5,20.0,9.6,0.0,0.0,0.0,0.0,48.0,115.0,163.0,5.0,0.0,153.0,152.0,153.0,1.0,1.0,1 -130.0,130.0,10.0,1.0,4.0,52.0,1.3,0.0,2.4,1.0,0.0,0.0,0.0,99.0,73.0,172.0,6.0,0.0,144.0,141.0,144.0,16.0,1.0,1 -129.0,129.0,10.0,0.0,10.0,22.0,1.5,0.0,10.6,0.0,0.0,0.0,0.0,53.0,109.0,162.0,4.0,0.0,147.0,143.0,146.0,7.0,1.0,1 -138.0,138.0,7.0,0.0,6.0,37.0,1.5,0.0,12.3,0.0,0.0,0.0,0.0,55.0,114.0,169.0,3.0,0.0,150.0,150.0,152.0,8.0,1.0,1 -125.0,125.0,0.0,0.0,5.0,62.0,1.4,0.0,1.4,6.0,0.0,0.0,0.0,73.0,68.0,141.0,8.0,0.0,128.0,117.0,125.0,30.0,1.0,1 -138.0,138.0,13.0,0.0,4.0,51.0,0.9,0.0,2.2,0.0,0.0,0.0,0.0,49.0,122.0,171.0,3.0,0.0,147.0,148.0,149.0,5.0,0.0,1 -143.0,143.0,0.0,1.0,0.0,64.0,0.4,19.0,6.5,0.0,0.0,0.0,0.0,17.0,137.0,154.0,2.0,0.0,144.0,144.0,145.0,0.0,0.0,2 -148.0,148.0,0.0,0.0,5.0,50.0,0.5,62.0,4.7,0.0,0.0,0.0,0.0,10.0,153.0,163.0,1.0,0.0,160.0,159.0,161.0,0.0,1.0,2 -136.0,136.0,12.0,0.0,7.0,35.0,5.7,0.0,29.6,0.0,0.0,0.0,0.0,148.0,52.0,200.0,5.0,3.0,146.0,150.0,151.0,62.0,1.0,1 -125.0,125.0,0.0,0.0,4.0,45.0,0.7,33.0,7.7,0.0,0.0,0.0,0.0,19.0,122.0,141.0,0.0,0.0,131.0,130.0,131.0,1.0,0.0,1 -141.0,141.0,4.0,0.0,8.0,58.0,0.6,0.0,7.9,0.0,0.0,0.0,0.0,63.0,108.0,171.0,3.0,1.0,153.0,153.0,155.0,4.0,1.0,1 -138.0,138.0,17.0,0.0,4.0,51.0,1.0,0.0,2.7,0.0,0.0,0.0,0.0,64.0,107.0,171.0,3.0,1.0,147.0,148.0,149.0,6.0,0.0,1 -123.0,123.0,2.0,3.0,0.0,50.0,0.9,4.0,14.8,0.0,0.0,0.0,0.0,82.0,58.0,140.0,7.0,0.0,129.0,128.0,130.0,5.0,1.0,1 -119.0,119.0,1.0,0.0,6.0,26.0,1.2,0.0,13.8,0.0,0.0,0.0,0.0,39.0,106.0,145.0,1.0,0.0,120.0,122.0,122.0,3.0,0.0,1 -140.0,140.0,0.0,1.0,3.0,61.0,1.3,0.0,4.0,8.0,0.0,0.0,0.0,94.0,65.0,159.0,6.0,1.0,142.0,134.0,143.0,25.0,1.0,1 -133.0,133.0,0.0,0.0,4.0,36.0,1.0,8.0,16.4,0.0,0.0,0.0,0.0,59.0,91.0,150.0,3.0,0.0,136.0,134.0,137.0,3.0,1.0,1 -138.0,138.0,2.0,0.0,1.0,18.0,4.2,0.0,17.2,0.0,0.0,0.0,0.0,62.0,114.0,176.0,4.0,0.0,157.0,149.0,151.0,13.0,0.0,1 -123.0,123.0,0.0,0.0,0.0,73.0,0.3,91.0,2.9,0.0,0.0,0.0,0.0,9.0,120.0,129.0,2.0,0.0,123.0,124.0,125.0,0.0,0.0,3 -135.0,135.0,1.0,0.0,4.0,41.0,0.8,6.0,9.5,0.0,0.0,0.0,0.0,34.0,119.0,153.0,3.0,0.0,142.0,140.0,142.0,2.0,0.0,1 -131.0,131.0,4.0,0.0,2.0,35.0,1.7,0.0,0.0,3.0,0.0,1.0,0.0,126.0,52.0,178.0,6.0,1.0,143.0,128.0,142.0,92.0,1.0,1 -132.0,132.0,5.0,0.0,1.0,31.0,4.8,0.0,5.4,1.0,0.0,0.0,0.0,147.0,52.0,199.0,9.0,1.0,133.0,154.0,163.0,137.0,1.0,1 -145.0,145.0,1.0,1.0,0.0,54.0,0.6,0.0,6.6,0.0,0.0,0.0,0.0,21.0,145.0,166.0,0.0,0.0,157.0,156.0,158.0,1.0,0.0,2 -122.0,122.0,5.0,0.0,0.0,25.0,1.6,0.0,9.1,1.0,0.0,0.0,0.0,72.0,85.0,157.0,6.0,2.0,136.0,129.0,133.0,15.0,1.0,1 -140.0,140.0,4.0,1.0,8.0,63.0,1.2,0.0,6.2,5.0,0.0,0.0,0.0,70.0,95.0,165.0,6.0,0.0,147.0,137.0,143.0,25.0,1.0,1 -133.0,133.0,4.0,156.0,6.0,26.0,1.6,0.0,12.9,2.0,0.0,0.0,0.0,87.0,71.0,158.0,2.0,0.0,141.0,135.0,139.0,13.0,1.0,1 -130.0,130.0,5.0,0.0,8.0,40.0,0.9,1.0,9.1,0.0,0.0,0.0,0.0,53.0,102.0,155.0,6.0,1.0,136.0,135.0,137.0,3.0,0.0,1 -142.0,142.0,1.0,0.0,5.0,43.0,0.7,37.0,7.2,0.0,0.0,0.0,0.0,28.0,130.0,158.0,3.0,0.0,147.0,146.0,148.0,0.0,0.0,1 -123.0,123.0,0.0,0.0,0.0,71.0,0.3,77.0,4.1,0.0,0.0,0.0,0.0,19.0,110.0,129.0,1.0,0.0,123.0,123.0,124.0,0.0,1.0,3 -137.0,137.0,2.0,4.0,7.0,58.0,1.9,0.0,3.9,6.0,0.0,0.0,0.0,109.0,52.0,161.0,8.0,2.0,139.0,132.0,140.0,28.0,1.0,1 -130.0,130.0,9.0,2.0,3.0,52.0,1.6,0.0,4.2,5.0,0.0,0.0,0.0,106.0,73.0,179.0,7.0,0.0,144.0,138.0,143.0,29.0,0.0,1 -118.0,118.0,2.0,0.0,6.0,25.0,1.4,22.0,7.9,2.0,0.0,0.0,0.0,88.0,72.0,160.0,2.0,2.0,126.0,120.0,123.0,11.0,0.0,1 -143.0,143.0,2.0,5.0,1.0,39.0,1.6,0.0,10.0,0.0,0.0,0.0,0.0,136.0,60.0,196.0,9.0,1.0,148.0,149.0,150.0,8.0,0.0,1 -140.0,140.0,10.0,6.0,3.0,52.0,1.6,0.0,16.2,0.0,0.0,0.0,0.0,104.0,68.0,172.0,0.0,0.0,144.0,147.0,147.0,14.0,1.0,1 -128.0,128.0,0.0,15.0,2.0,36.0,2.6,0.0,0.0,2.0,0.0,2.0,0.0,120.0,54.0,174.0,8.0,2.0,75.0,91.0,79.0,108.0,-1.0,3 -127.0,127.0,0.0,0.0,7.0,18.0,2.5,0.0,19.1,7.0,0.0,0.0,0.0,83.0,76.0,159.0,5.0,0.0,120.0,118.0,121.0,20.0,0.0,1 -138.0,138.0,1.0,0.0,3.0,43.0,1.1,20.0,11.3,0.0,0.0,0.0,0.0,44.0,129.0,173.0,8.0,2.0,162.0,155.0,159.0,8.0,1.0,2 -125.0,125.0,3.0,1.0,5.0,61.0,1.2,0.0,6.9,7.0,0.0,0.0,0.0,96.0,68.0,164.0,5.0,1.0,110.0,118.0,119.0,30.0,0.0,1 -137.0,137.0,0.0,0.0,7.0,59.0,1.8,0.0,6.6,4.0,0.0,0.0,0.0,102.0,64.0,166.0,8.0,2.0,142.0,134.0,140.0,16.0,1.0,1 -122.0,122.0,4.0,0.0,3.0,32.0,1.2,0.0,6.5,2.0,0.0,0.0,0.0,57.0,93.0,150.0,2.0,0.0,133.0,130.0,134.0,12.0,1.0,1 -115.0,115.0,5.0,0.0,11.0,22.0,1.7,0.0,10.2,1.0,0.0,0.0,0.0,102.0,76.0,178.0,3.0,2.0,129.0,124.0,128.0,17.0,0.0,1 -134.0,134.0,0.0,0.0,2.0,21.0,1.9,0.0,8.6,3.0,0.0,0.0,0.0,104.0,50.0,154.0,9.0,2.0,126.0,117.0,127.0,64.0,1.0,1 -125.0,125.0,0.0,1.0,8.0,63.0,1.6,0.0,1.7,8.0,0.0,0.0,0.0,70.0,68.0,138.0,4.0,0.0,130.0,116.0,124.0,32.0,1.0,1 -133.0,133.0,0.0,4.0,8.0,61.0,2.9,0.0,0.1,3.0,0.0,0.0,0.0,49.0,93.0,142.0,3.0,0.0,133.0,124.0,132.0,9.0,1.0,1 -137.0,137.0,0.0,3.0,1.0,75.0,0.2,34.0,6.9,0.0,0.0,0.0,0.0,24.0,127.0,151.0,2.0,0.0,138.0,139.0,140.0,1.0,0.0,2 -122.0,122.0,10.0,0.0,1.0,22.0,2.5,0.0,2.2,0.0,0.0,0.0,0.0,52.0,100.0,152.0,1.0,0.0,136.0,132.0,134.0,6.0,0.0,1 -126.0,126.0,8.0,0.0,5.0,24.0,1.5,0.0,9.4,0.0,0.0,0.0,0.0,33.0,122.0,155.0,1.0,1.0,136.0,137.0,138.0,3.0,0.0,1 -140.0,140.0,3.0,3.0,4.0,34.0,2.9,0.0,40.8,0.0,0.0,0.0,0.0,114.0,66.0,180.0,9.0,2.0,147.0,145.0,148.0,22.0,1.0,1 -144.0,144.0,0.0,0.0,6.0,37.0,0.9,3.0,11.5,0.0,0.0,0.0,0.0,27.0,134.0,161.0,0.0,0.0,148.0,148.0,149.0,1.0,0.0,1 -131.0,131.0,0.0,107.0,0.0,80.0,0.3,0.0,7.6,0.0,0.0,1.0,0.0,49.0,96.0,145.0,3.0,0.0,108.0,125.0,128.0,45.0,1.0,3 -136.0,136.0,3.0,1.0,0.0,69.0,0.8,0.0,17.2,1.0,0.0,0.0,0.0,126.0,54.0,180.0,5.0,0.0,140.0,139.0,141.0,7.0,1.0,1 -144.0,144.0,0.0,4.0,0.0,61.0,0.5,7.0,9.5,0.0,0.0,0.0,0.0,39.0,125.0,164.0,3.0,0.0,144.0,143.0,144.0,1.0,0.0,2 -112.0,112.0,0.0,0.0,3.0,16.0,2.2,3.0,10.4,2.0,0.0,0.0,0.0,62.0,78.0,140.0,3.0,1.0,112.0,108.0,110.0,10.0,0.0,1 -130.0,130.0,9.0,2.0,3.0,51.0,1.9,0.0,5.8,6.0,0.0,0.0,0.0,125.0,73.0,198.0,5.0,0.0,131.0,137.0,140.0,51.0,0.0,1 -128.0,128.0,8.0,0.0,9.0,36.0,3.4,0.0,15.2,6.0,0.0,0.0,0.0,145.0,53.0,198.0,6.0,2.0,133.0,136.0,134.0,65.0,0.0,1 -134.0,134.0,6.0,0.0,7.0,62.0,1.1,0.0,4.9,4.0,0.0,0.0,0.0,83.0,90.0,173.0,5.0,0.0,142.0,142.0,146.0,15.0,0.0,1 -127.0,127.0,0.0,0.0,4.0,63.0,0.5,71.0,4.0,0.0,0.0,0.0,0.0,12.0,119.0,131.0,1.0,0.0,123.0,123.0,124.0,0.0,0.0,1 -123.0,123.0,0.0,0.0,0.0,49.0,0.8,7.0,13.8,0.0,0.0,0.0,0.0,74.0,63.0,137.0,2.0,0.0,129.0,127.0,129.0,2.0,1.0,1 -144.0,144.0,6.0,0.0,6.0,41.0,0.9,6.0,4.9,1.0,0.0,0.0,0.0,63.0,116.0,179.0,6.0,1.0,155.0,153.0,154.0,5.0,0.0,1 -125.0,125.0,5.0,0.0,0.0,44.0,0.9,0.0,7.7,0.0,0.0,0.0,0.0,38.0,118.0,156.0,3.0,0.0,138.0,137.0,139.0,3.0,0.0,1 -137.0,137.0,0.0,15.0,0.0,64.0,0.4,12.0,8.6,0.0,0.0,0.0,0.0,22.0,131.0,153.0,1.0,0.0,145.0,143.0,145.0,1.0,0.0,2 -122.0,122.0,0.0,0.0,0.0,19.0,1.9,0.0,15.1,0.0,0.0,0.0,0.0,39.0,103.0,142.0,1.0,0.0,120.0,120.0,122.0,3.0,0.0,1 -122.0,122.0,0.0,14.0,2.0,22.0,4.4,0.0,15.2,4.0,0.0,0.0,0.0,150.0,50.0,200.0,7.0,0.0,119.0,113.0,117.0,24.0,0.0,1 -130.0,130.0,4.0,2.0,15.0,52.0,2.7,0.0,4.6,2.0,0.0,0.0,0.0,88.0,77.0,165.0,6.0,0.0,139.0,130.0,136.0,15.0,0.0,1 -140.0,140.0,0.0,1.0,0.0,69.0,0.3,21.0,8.3,0.0,0.0,0.0,0.0,22.0,129.0,151.0,2.0,0.0,141.0,141.0,142.0,1.0,0.0,2 -145.0,145.0,0.0,0.0,0.0,66.0,0.4,31.0,7.4,1.0,0.0,0.0,0.0,30.0,124.0,154.0,4.0,0.0,146.0,145.0,147.0,1.0,1.0,2 -142.0,142.0,7.0,0.0,6.0,44.0,0.9,0.0,7.0,0.0,0.0,0.0,0.0,46.0,127.0,173.0,2.0,0.0,149.0,149.0,150.0,4.0,0.0,1 -138.0,138.0,4.0,15.0,0.0,42.0,1.0,0.0,13.6,0.0,0.0,0.0,0.0,115.0,71.0,186.0,5.0,0.0,144.0,143.0,144.0,6.0,0.0,1 -159.0,159.0,1.0,0.0,6.0,58.0,0.5,13.0,8.0,0.0,0.0,0.0,0.0,42.0,146.0,188.0,2.0,0.0,167.0,172.0,174.0,8.0,0.0,2 -110.0,110.0,6.0,1.0,9.0,63.0,1.6,0.0,8.5,1.0,0.0,0.0,0.0,88.0,90.0,178.0,3.0,0.0,109.0,114.0,112.0,34.0,-1.0,1 -130.0,130.0,1.0,1.0,5.0,64.0,2.4,0.0,0.0,5.0,0.0,1.0,0.0,161.0,50.0,211.0,8.0,0.0,60.0,85.0,112.0,243.0,-1.0,3 -139.0,139.0,6.0,0.0,4.0,38.0,0.9,0.0,7.1,0.0,0.0,0.0,0.0,34.0,136.0,170.0,1.0,0.0,144.0,146.0,146.0,4.0,-1.0,1 -142.0,142.0,1.0,1.0,2.0,54.0,0.6,0.0,11.0,0.0,0.0,0.0,0.0,52.0,120.0,172.0,3.0,0.0,148.0,145.0,147.0,2.0,0.0,1 -140.0,140.0,0.0,0.0,3.0,83.0,0.2,48.0,5.4,0.0,0.0,0.0,0.0,20.0,132.0,152.0,2.0,0.0,145.0,145.0,146.0,0.0,0.0,1 -122.0,122.0,2.0,0.0,1.0,31.0,1.3,0.0,8.8,0.0,0.0,0.0,0.0,52.0,95.0,147.0,2.0,1.0,120.0,123.0,124.0,5.0,0.0,1 -125.0,125.0,0.0,0.0,3.0,34.0,1.1,0.0,14.6,0.0,0.0,0.0,0.0,85.0,114.0,199.0,4.0,0.0,126.0,127.0,128.0,3.0,-1.0,1 -133.0,133.0,5.0,0.0,4.0,17.0,2.4,0.0,2.1,4.0,0.0,0.0,0.0,98.0,82.0,180.0,4.0,0.0,126.0,137.0,138.0,61.0,0.0,1 -126.0,126.0,19.0,3.0,10.0,53.0,2.5,0.0,0.3,1.0,0.0,0.0,0.0,85.0,84.0,169.0,3.0,0.0,135.0,133.0,140.0,13.0,0.0,1 -138.0,138.0,0.0,9.0,1.0,64.0,0.4,30.0,7.0,2.0,0.0,0.0,0.0,41.0,118.0,159.0,2.0,0.0,144.0,143.0,145.0,5.0,0.0,2 -154.0,154.0,1.0,1.0,1.0,56.0,0.6,1.0,9.2,0.0,0.0,0.0,0.0,31.0,140.0,171.0,1.0,0.0,161.0,160.0,162.0,2.0,1.0,1 -121.0,121.0,7.0,0.0,2.0,33.0,1.9,0.0,6.5,0.0,0.0,0.0,0.0,139.0,59.0,198.0,11.0,0.0,142.0,137.0,140.0,18.0,0.0,1 -138.0,138.0,1.0,0.0,3.0,39.0,0.8,12.0,10.5,0.0,0.0,0.0,0.0,49.0,105.0,154.0,5.0,0.0,141.0,141.0,142.0,1.0,1.0,1 -130.0,130.0,0.0,0.0,1.0,28.0,1.2,0.0,15.0,0.0,0.0,0.0,0.0,36.0,114.0,150.0,2.0,2.0,131.0,132.0,133.0,2.0,0.0,1 -129.0,129.0,0.0,1.0,9.0,65.0,3.1,0.0,0.0,9.0,0.0,3.0,0.0,180.0,50.0,230.0,10.0,1.0,105.0,83.0,112.0,14.0,-1.0,3 -126.0,126.0,5.0,0.0,4.0,27.0,1.3,0.0,5.6,0.0,0.0,0.0,0.0,58.0,103.0,161.0,2.0,0.0,133.0,135.0,135.0,10.0,0.0,1 -144.0,144.0,10.0,0.0,7.0,34.0,1.0,0.0,8.7,0.0,0.0,0.0,0.0,48.0,126.0,174.0,1.0,0.0,153.0,153.0,154.0,5.0,0.0,1 -134.0,134.0,0.0,2.0,0.0,81.0,0.2,53.0,4.9,0.0,0.0,0.0,0.0,16.0,129.0,145.0,2.0,0.0,135.0,135.0,136.0,1.0,0.0,3 -148.0,148.0,0.0,12.0,0.0,72.0,0.3,59.0,4.3,0.0,0.0,0.0,0.0,14.0,139.0,153.0,1.0,0.0,150.0,148.0,150.0,0.0,1.0,2 -129.0,129.0,5.0,6.0,6.0,22.0,5.2,0.0,0.0,8.0,0.0,0.0,0.0,145.0,50.0,195.0,13.0,1.0,139.0,122.0,129.0,86.0,0.0,1 -121.0,121.0,5.0,2.0,1.0,55.0,1.4,0.0,13.7,0.0,0.0,0.0,0.0,73.0,96.0,169.0,6.0,0.0,124.0,127.0,127.0,19.0,0.0,1 -106.0,106.0,9.0,0.0,8.0,62.0,1.4,0.0,12.7,0.0,0.0,0.0,0.0,54.0,94.0,148.0,5.0,0.0,107.0,117.0,116.0,32.0,-1.0,1 -137.0,137.0,13.0,0.0,3.0,56.0,2.1,0.0,0.2,4.0,0.0,0.0,0.0,136.0,52.0,188.0,3.0,0.0,160.0,144.0,161.0,39.0,1.0,1 -130.0,130.0,0.0,66.0,0.0,80.0,0.3,0.0,0.0,0.0,0.0,1.0,0.0,29.0,107.0,136.0,1.0,0.0,108.0,120.0,120.0,23.0,-1.0,3 -120.0,120.0,2.0,6.0,3.0,35.0,1.5,0.0,14.9,0.0,0.0,0.0,0.0,78.0,96.0,174.0,5.0,1.0,161.0,142.0,139.0,70.0,0.0,1 -138.0,138.0,14.0,0.0,3.0,51.0,0.9,0.0,0.2,0.0,0.0,0.0,0.0,49.0,122.0,171.0,4.0,0.0,147.0,149.0,150.0,5.0,0.0,1 -140.0,140.0,3.0,1.0,6.0,64.0,1.1,0.0,3.8,4.0,0.0,0.0,0.0,73.0,96.0,169.0,5.0,0.0,146.0,140.0,144.0,16.0,0.0,1 -128.0,128.0,7.0,19.0,3.0,52.0,0.6,0.0,6.7,0.0,0.0,0.0,0.0,36.0,121.0,157.0,4.0,0.0,140.0,138.0,139.0,5.0,0.0,1 -142.0,142.0,1.0,0.0,4.0,44.0,0.7,42.0,7.3,0.0,0.0,0.0,0.0,39.0,119.0,158.0,4.0,0.0,147.0,146.0,148.0,1.0,1.0,1 -144.0,144.0,6.0,5.0,1.0,73.0,0.7,0.0,5.2,1.0,0.0,0.0,0.0,98.0,82.0,180.0,3.0,0.0,156.0,154.0,157.0,5.0,1.0,1 -120.0,120.0,0.0,0.0,0.0,73.0,0.5,43.0,2.4,0.0,0.0,0.0,0.0,64.0,62.0,126.0,2.0,0.0,120.0,137.0,121.0,73.0,1.0,2 -144.0,144.0,1.0,0.0,4.0,44.0,0.8,2.0,11.9,0.0,0.0,0.0,0.0,33.0,135.0,168.0,4.0,0.0,162.0,157.0,160.0,5.0,1.0,2 -123.0,123.0,8.0,0.0,7.0,34.0,0.9,11.0,3.3,0.0,0.0,0.0,0.0,31.0,116.0,147.0,1.0,0.0,126.0,128.0,128.0,3.0,-1.0,1 -146.0,146.0,0.0,3.0,0.0,81.0,0.2,67.0,3.9,0.0,0.0,0.0,0.0,13.0,137.0,150.0,1.0,0.0,146.0,144.0,146.0,1.0,0.0,3 -135.0,135.0,1.0,0.0,3.0,23.0,1.7,0.0,8.4,3.0,0.0,0.0,0.0,88.0,69.0,157.0,6.0,2.0,139.0,134.0,139.0,17.0,1.0,1 -125.0,125.0,3.0,12.0,0.0,47.0,0.8,0.0,6.1,0.0,0.0,0.0,0.0,75.0,68.0,143.0,3.0,0.0,133.0,132.0,133.0,2.0,1.0,1 -130.0,130.0,0.0,110.0,0.0,80.0,0.3,0.0,7.4,0.0,0.0,1.0,0.0,49.0,96.0,145.0,3.0,0.0,108.0,123.0,122.0,39.0,1.0,3 -121.0,121.0,4.0,7.0,0.0,56.0,0.6,2.0,10.5,0.0,0.0,0.0,0.0,77.0,62.0,139.0,3.0,0.0,127.0,128.0,129.0,3.0,1.0,1 -141.0,141.0,4.0,0.0,1.0,46.0,0.8,4.0,10.2,0.0,0.0,0.0,0.0,98.0,69.0,167.0,3.0,0.0,143.0,146.0,146.0,6.0,1.0,1 -140.0,140.0,10.0,2.0,0.0,55.0,1.4,0.0,0.0,0.0,0.0,0.0,0.0,138.0,50.0,188.0,3.0,0.0,150.0,164.0,167.0,40.0,1.0,1 -144.0,144.0,0.0,4.0,0.0,58.0,0.6,1.0,8.8,0.0,0.0,0.0,0.0,39.0,125.0,164.0,3.0,0.0,143.0,142.0,144.0,1.0,0.0,1 -133.0,133.0,0.0,1.0,8.0,58.0,2.6,0.0,1.2,5.0,0.0,0.0,0.0,66.0,83.0,149.0,4.0,0.0,135.0,123.0,132.0,21.0,1.0,1 -137.0,137.0,13.0,0.0,3.0,57.0,1.8,0.0,0.4,5.0,0.0,0.0,0.0,136.0,52.0,188.0,7.0,1.0,146.0,142.0,157.0,53.0,1.0,1 -142.0,142.0,4.0,0.0,3.0,40.0,1.0,0.0,2.1,0.0,0.0,0.0,0.0,57.0,111.0,168.0,6.0,0.0,147.0,148.0,149.0,6.0,0.0,1 -139.0,139.0,0.0,3.0,0.0,77.0,0.2,55.0,4.3,0.0,0.0,0.0,0.0,11.0,133.0,144.0,1.0,0.0,140.0,139.0,141.0,0.0,0.0,2 -115.0,115.0,5.0,0.0,4.0,20.0,1.6,0.0,9.4,0.0,0.0,0.0,0.0,82.0,75.0,157.0,3.0,0.0,120.0,121.0,121.0,8.0,0.0,1 -125.0,125.0,0.0,0.0,8.0,65.0,1.3,0.0,6.5,6.0,0.0,1.0,0.0,82.0,64.0,146.0,5.0,1.0,116.0,111.0,116.0,8.0,0.0,1 -134.0,134.0,2.0,0.0,0.0,65.0,1.8,0.0,0.0,0.0,0.0,3.0,0.0,114.0,66.0,180.0,8.0,1.0,88.0,100.0,101.0,83.0,-1.0,3 -121.0,121.0,8.0,6.0,1.0,39.0,1.3,0.0,6.6,0.0,0.0,0.0,0.0,98.0,102.0,200.0,7.0,1.0,133.0,131.0,132.0,8.0,-1.0,1 -119.0,119.0,1.0,0.0,2.0,31.0,1.3,3.0,11.3,0.0,0.0,0.0,0.0,89.0,77.0,166.0,6.0,0.0,121.0,122.0,123.0,2.0,0.0,1 -126.0,126.0,1.0,0.0,5.0,34.0,0.9,3.0,10.2,0.0,0.0,0.0,0.0,41.0,110.0,151.0,2.0,0.0,126.0,128.0,129.0,4.0,0.0,1 -131.0,131.0,4.0,0.0,5.0,33.0,1.9,0.0,2.4,7.0,0.0,1.0,0.0,127.0,51.0,178.0,7.0,0.0,142.0,126.0,139.0,90.0,1.0,1 -130.0,130.0,10.0,42.0,6.0,43.0,1.0,0.0,5.1,0.0,0.0,0.0,0.0,88.0,71.0,159.0,5.0,1.0,133.0,142.0,142.0,17.0,1.0,1 -123.0,123.0,3.0,4.0,0.0,52.0,0.8,2.0,15.4,0.0,0.0,0.0,0.0,90.0,50.0,140.0,7.0,0.0,129.0,128.0,130.0,4.0,1.0,1 -124.0,124.0,9.0,0.0,5.0,46.0,1.0,0.0,9.3,0.0,0.0,0.0,0.0,92.0,63.0,155.0,6.0,0.0,133.0,133.0,134.0,7.0,1.0,1 -136.0,136.0,1.0,0.0,4.0,37.0,0.9,0.0,12.1,0.0,0.0,0.0,0.0,36.0,118.0,154.0,2.0,0.0,138.0,139.0,141.0,2.0,0.0,1 -132.0,132.0,4.0,0.0,0.0,26.0,1.4,0.0,4.0,0.0,0.0,0.0,0.0,58.0,110.0,168.0,2.0,1.0,145.0,146.0,147.0,11.0,0.0,1 -120.0,120.0,4.0,18.0,4.0,35.0,1.7,0.0,9.6,0.0,0.0,0.0,0.0,127.0,62.0,189.0,7.0,0.0,125.0,136.0,132.0,49.0,0.0,1 -150.0,150.0,0.0,0.0,2.0,61.0,0.9,3.0,8.7,0.0,0.0,0.0,0.0,28.0,138.0,166.0,0.0,0.0,152.0,153.0,155.0,3.0,0.0,2 -125.0,125.0,1.0,3.0,0.0,51.0,0.6,0.0,4.9,0.0,0.0,0.0,0.0,16.0,125.0,141.0,1.0,0.0,133.0,132.0,134.0,0.0,0.0,1 -145.0,145.0,0.0,0.0,2.0,51.0,0.7,7.0,8.4,0.0,0.0,0.0,0.0,24.0,141.0,165.0,1.0,0.0,153.0,152.0,153.0,1.0,0.0,2 -128.0,128.0,0.0,5.0,0.0,73.0,0.3,38.0,7.1,0.0,0.0,0.0,0.0,22.0,122.0,144.0,1.0,0.0,129.0,130.0,131.0,1.0,0.0,2 -122.0,122.0,0.0,0.0,0.0,21.0,1.9,0.0,9.5,2.0,0.0,0.0,0.0,57.0,82.0,139.0,4.0,0.0,133.0,119.0,124.0,38.0,1.0,1 -137.0,137.0,2.0,2.0,7.0,58.0,1.8,0.0,5.9,6.0,0.0,0.0,0.0,106.0,60.0,166.0,6.0,0.0,139.0,133.0,141.0,22.0,1.0,1 -126.0,126.0,0.0,0.0,0.0,40.0,1.1,5.0,10.1,0.0,0.0,0.0,0.0,27.0,120.0,147.0,1.0,1.0,129.0,129.0,130.0,1.0,0.0,1 -146.0,146.0,6.0,4.0,1.0,40.0,2.0,0.0,26.1,0.0,0.0,0.0,0.0,133.0,50.0,183.0,8.0,0.0,156.0,154.0,157.0,20.0,1.0,1 -118.0,118.0,2.0,0.0,3.0,25.0,1.5,35.0,6.5,2.0,0.0,0.0,0.0,90.0,70.0,160.0,2.0,2.0,126.0,120.0,124.0,13.0,0.0,1 -135.0,135.0,1.0,0.0,3.0,65.0,0.6,0.0,10.3,0.0,0.0,0.0,0.0,38.0,119.0,157.0,4.0,0.0,147.0,141.0,143.0,6.0,0.0,1 -130.0,130.0,1.0,1.0,4.0,64.0,2.5,0.0,0.0,4.0,0.0,1.0,0.0,161.0,50.0,211.0,7.0,0.0,60.0,83.0,114.0,241.0,-1.0,3 -132.0,132.0,0.0,0.0,3.0,33.0,1.0,0.0,14.5,0.0,0.0,0.0,0.0,39.0,111.0,150.0,2.0,1.0,133.0,132.0,134.0,3.0,0.0,1 -137.0,137.0,0.0,19.0,0.0,64.0,0.5,12.0,10.9,0.0,0.0,0.0,0.0,85.0,68.0,153.0,2.0,0.0,143.0,142.0,143.0,3.0,1.0,2 -120.0,120.0,0.0,2.0,2.0,53.0,0.6,3.0,8.1,0.0,0.0,0.0,0.0,19.0,116.0,135.0,1.0,0.0,125.0,123.0,125.0,1.0,0.0,1 -134.0,134.0,3.0,0.0,0.0,64.0,1.9,0.0,0.0,1.0,0.0,3.0,0.0,120.0,66.0,186.0,9.0,0.0,88.0,104.0,106.0,109.0,-1.0,3 -132.0,132.0,0.0,129.0,2.0,26.0,4.5,0.0,12.5,12.0,0.0,0.0,0.0,149.0,50.0,199.0,9.0,0.0,133.0,120.0,126.0,56.0,0.0,1 -120.0,120.0,0.0,8.0,0.0,55.0,0.9,0.0,15.1,0.0,0.0,0.0,0.0,77.0,58.0,135.0,5.0,0.0,123.0,123.0,124.0,5.0,1.0,1 -140.0,140.0,7.0,0.0,0.0,58.0,1.2,0.0,4.2,0.0,0.0,0.0,0.0,126.0,62.0,188.0,4.0,0.0,176.0,164.0,169.0,27.0,1.0,1 -135.0,135.0,0.0,0.0,8.0,52.0,0.6,7.0,9.8,1.0,0.0,0.0,0.0,32.0,117.0,149.0,1.0,0.0,140.0,137.0,139.0,2.0,0.0,1 -122.0,122.0,0.0,0.0,1.0,84.0,0.5,5.0,13.6,0.0,0.0,0.0,0.0,68.0,62.0,130.0,0.0,0.0,122.0,122.0,123.0,3.0,1.0,3 -152.0,152.0,0.0,0.0,4.0,62.0,0.4,59.0,5.6,0.0,0.0,0.0,0.0,25.0,136.0,161.0,0.0,0.0,159.0,156.0,158.0,1.0,1.0,2 -131.0,131.0,5.0,3.0,5.0,60.0,2.1,0.0,0.9,6.0,0.0,1.0,0.0,90.0,78.0,168.0,8.0,0.0,133.0,127.0,132.0,21.0,0.0,1 -130.0,130.0,5.0,17.0,3.0,42.0,1.0,0.0,3.7,0.0,0.0,0.0,0.0,105.0,76.0,181.0,3.0,0.0,133.0,141.0,140.0,15.0,0.0,1 -138.0,138.0,3.0,0.0,0.0,46.0,1.0,16.0,3.9,2.0,0.0,0.0,0.0,116.0,51.0,167.0,6.0,3.0,151.0,144.0,151.0,30.0,1.0,1 -129.0,129.0,0.0,1.0,6.0,67.0,3.3,0.0,0.0,5.0,0.0,2.0,0.0,129.0,63.0,192.0,7.0,0.0,105.0,80.0,107.0,14.0,-1.0,3 -136.0,136.0,6.0,0.0,5.0,42.0,0.7,20.0,4.3,0.0,0.0,0.0,0.0,38.0,120.0,158.0,2.0,1.0,141.0,143.0,144.0,3.0,0.0,1 -135.0,135.0,5.0,0.0,3.0,58.0,0.8,0.0,7.5,0.0,0.0,0.0,0.0,50.0,121.0,171.0,3.0,0.0,147.0,146.0,147.0,8.0,0.0,1 -140.0,140.0,0.0,2.0,2.0,60.0,1.4,0.0,4.7,7.0,0.0,0.0,0.0,96.0,63.0,159.0,8.0,1.0,142.0,133.0,143.0,29.0,1.0,1 -136.0,136.0,2.0,0.0,6.0,24.0,1.6,0.0,3.9,7.0,0.0,1.0,0.0,115.0,60.0,175.0,8.0,0.0,136.0,128.0,135.0,35.0,0.0,1 -120.0,120.0,1.0,0.0,1.0,37.0,1.1,0.0,9.6,0.0,0.0,0.0,0.0,25.0,112.0,137.0,1.0,0.0,127.0,127.0,129.0,2.0,0.0,1 -141.0,141.0,3.0,0.0,3.0,58.0,1.3,0.0,5.7,0.0,0.0,0.0,0.0,78.0,94.0,172.0,6.0,1.0,142.0,142.0,147.0,8.0,0.0,1 -134.0,134.0,0.0,0.0,2.0,27.0,1.4,18.0,9.1,3.0,0.0,0.0,0.0,89.0,66.0,155.0,6.0,1.0,136.0,128.0,135.0,31.0,1.0,1 -137.0,137.0,7.0,2.0,5.0,58.0,1.5,0.0,5.2,3.0,0.0,0.0,0.0,109.0,69.0,178.0,5.0,1.0,148.0,143.0,150.0,49.0,1.0,1 -147.0,147.0,4.0,10.0,2.0,67.0,0.8,0.0,10.9,0.0,0.0,0.0,0.0,72.0,120.0,192.0,1.0,0.0,156.0,157.0,157.0,11.0,0.0,1 -132.0,132.0,0.0,162.0,1.0,29.0,4.4,0.0,10.5,10.0,0.0,1.0,0.0,141.0,50.0,191.0,7.0,1.0,133.0,119.0,129.0,73.0,0.0,2 -147.0,147.0,3.0,0.0,5.0,46.0,0.7,46.0,5.2,0.0,0.0,0.0,0.0,29.0,144.0,173.0,2.0,0.0,157.0,157.0,159.0,1.0,0.0,1 -125.0,125.0,2.0,0.0,3.0,37.0,0.8,5.0,6.7,0.0,0.0,0.0,0.0,30.0,115.0,145.0,2.0,0.0,131.0,130.0,132.0,1.0,0.0,1 -133.0,133.0,1.0,0.0,13.0,60.0,2.8,0.0,0.0,5.0,0.0,3.0,0.0,127.0,57.0,184.0,8.0,0.0,125.0,98.0,104.0,95.0,0.0,3 -138.0,138.0,5.0,2.0,3.0,60.0,0.8,0.0,7.4,0.0,0.0,0.0,0.0,43.0,125.0,168.0,1.0,0.0,148.0,144.0,147.0,6.0,0.0,1 -121.0,121.0,3.0,0.0,7.0,37.0,1.0,0.0,6.6,2.0,0.0,0.0,0.0,71.0,82.0,153.0,6.0,0.0,136.0,126.0,129.0,35.0,1.0,1 -119.0,119.0,0.0,0.0,1.0,34.0,1.1,0.0,14.0,0.0,0.0,0.0,0.0,92.0,58.0,150.0,4.0,0.0,127.0,125.0,128.0,3.0,1.0,1 -138.0,138.0,1.0,1.0,0.0,55.0,0.7,22.0,6.7,0.0,0.0,0.0,0.0,102.0,74.0,176.0,4.0,0.0,142.0,141.0,142.0,1.0,0.0,1 -137.0,137.0,14.0,0.0,7.0,57.0,1.6,0.0,7.6,5.0,0.0,0.0,0.0,136.0,52.0,188.0,5.0,1.0,148.0,146.0,158.0,42.0,1.0,1 -134.0,134.0,6.0,0.0,8.0,60.0,1.1,0.0,9.3,4.0,0.0,0.0,0.0,109.0,80.0,189.0,8.0,0.0,156.0,145.0,154.0,70.0,1.0,1 -133.0,133.0,0.0,10.0,0.0,72.0,0.3,20.0,8.8,0.0,0.0,0.0,0.0,32.0,115.0,147.0,2.0,0.0,133.0,136.0,136.0,3.0,0.0,2 -120.0,120.0,4.0,0.0,3.0,27.0,2.0,0.0,14.3,0.0,0.0,0.0,0.0,127.0,71.0,198.0,10.0,1.0,127.0,130.0,132.0,12.0,0.0,1 -122.0,122.0,2.0,0.0,4.0,23.0,1.7,3.0,9.3,2.0,0.0,0.0,0.0,73.0,84.0,157.0,3.0,0.0,126.0,121.0,122.0,14.0,0.0,1 -140.0,140.0,0.0,1.0,2.0,62.0,1.2,0.0,3.9,5.0,0.0,0.0,0.0,93.0,66.0,159.0,5.0,2.0,142.0,136.0,144.0,26.0,1.0,1 -130.0,130.0,5.0,0.0,9.0,40.0,0.9,17.0,6.5,1.0,0.0,0.0,0.0,45.0,110.0,155.0,6.0,0.0,136.0,133.0,135.0,4.0,0.0,1 -137.0,137.0,0.0,0.0,3.0,61.0,0.4,34.0,5.9,0.0,0.0,0.0,0.0,15.0,132.0,147.0,1.0,0.0,142.0,140.0,142.0,0.0,0.0,2 -127.0,127.0,7.0,0.0,6.0,24.0,1.5,0.0,0.0,1.0,0.0,0.0,0.0,72.0,109.0,181.0,4.0,0.0,153.0,150.0,154.0,16.0,0.0,1 -133.0,133.0,0.0,3.0,4.0,73.0,1.6,14.0,3.2,0.0,0.0,0.0,0.0,32.0,123.0,155.0,3.0,0.0,136.0,133.0,137.0,1.0,0.0,1 -136.0,136.0,0.0,0.0,7.0,78.0,0.4,27.0,4.6,0.0,0.0,0.0,0.0,43.0,112.0,155.0,4.0,0.0,138.0,137.0,139.0,0.0,0.0,1 -120.0,120.0,0.0,0.0,1.0,50.0,0.7,26.0,6.0,0.0,0.0,0.0,0.0,20.0,116.0,136.0,0.0,0.0,125.0,123.0,125.0,1.0,0.0,1 -142.0,142.0,1.0,0.0,4.0,23.0,3.6,0.0,1.9,9.0,0.0,0.0,0.0,144.0,50.0,194.0,12.0,1.0,143.0,127.0,135.0,72.0,0.0,1 -118.0,118.0,1.0,0.0,7.0,25.0,1.3,0.0,10.9,1.0,0.0,0.0,0.0,61.0,89.0,150.0,5.0,0.0,120.0,119.0,120.0,6.0,0.0,1 -121.0,121.0,7.0,0.0,10.0,21.0,1.9,0.0,2.9,4.0,0.0,0.0,0.0,83.0,74.0,157.0,2.0,0.0,125.0,123.0,126.0,19.0,0.0,1 -133.0,133.0,2.0,0.0,3.0,35.0,1.1,8.0,7.4,1.0,0.0,0.0,0.0,48.0,109.0,157.0,2.0,1.0,142.0,138.0,141.0,4.0,0.0,1 -146.0,146.0,1.0,0.0,13.0,52.0,0.8,32.0,8.6,5.0,0.0,0.0,0.0,72.0,93.0,165.0,3.0,0.0,152.0,147.0,151.0,9.0,1.0,1 -127.0,127.0,4.0,0.0,5.0,12.0,3.4,0.0,5.7,3.0,0.0,0.0,0.0,130.0,58.0,188.0,8.0,0.0,129.0,122.0,129.0,41.0,0.0,1 -123.0,123.0,1.0,0.0,4.0,39.0,0.8,12.0,8.9,0.0,0.0,0.0,0.0,28.0,113.0,141.0,2.0,0.0,126.0,126.0,127.0,1.0,0.0,1 -122.0,122.0,2.0,0.0,1.0,25.0,1.5,0.0,8.3,0.0,0.0,0.0,0.0,44.0,104.0,148.0,5.0,0.0,126.0,125.0,126.0,4.0,0.0,1 -127.0,127.0,0.0,0.0,2.0,22.0,1.7,0.0,15.5,0.0,0.0,0.0,0.0,91.0,107.0,198.0,6.0,0.0,135.0,134.0,137.0,6.0,-1.0,1 -140.0,140.0,0.0,0.0,1.0,53.0,0.7,0.0,14.8,0.0,0.0,0.0,0.0,84.0,72.0,156.0,4.0,0.0,143.0,145.0,146.0,3.0,1.0,1 -123.0,123.0,0.0,0.0,3.0,26.0,4.3,0.0,19.4,1.0,0.0,1.0,0.0,146.0,50.0,196.0,8.0,1.0,126.0,105.0,113.0,117.0,0.0,3 -128.0,128.0,0.0,3.0,7.0,64.0,2.0,0.0,0.0,7.0,0.0,0.0,0.0,100.0,71.0,171.0,4.0,2.0,122.0,112.0,123.0,20.0,0.0,1 -143.0,143.0,0.0,10.0,0.0,70.0,0.3,50.0,5.1,0.0,0.0,0.0,0.0,13.0,142.0,155.0,1.0,0.0,147.0,146.0,148.0,0.0,0.0,2 -159.0,159.0,0.0,0.0,2.0,65.0,0.4,11.0,6.8,0.0,0.0,0.0,0.0,15.0,153.0,168.0,0.0,0.0,163.0,162.0,164.0,0.0,1.0,2 -147.0,147.0,7.0,0.0,5.0,44.0,0.7,36.0,3.6,0.0,0.0,0.0,0.0,35.0,143.0,178.0,0.0,0.0,157.0,158.0,159.0,1.0,0.0,1 -144.0,144.0,5.0,0.0,3.0,43.0,0.8,0.0,4.6,0.0,0.0,0.0,0.0,40.0,134.0,174.0,2.0,0.0,155.0,154.0,156.0,3.0,0.0,1 -125.0,125.0,0.0,1.0,8.0,62.0,1.7,0.0,1.1,7.0,0.0,0.0,0.0,72.0,68.0,140.0,5.0,0.0,130.0,116.0,125.0,29.0,1.0,1 -125.0,125.0,3.0,0.0,4.0,32.0,1.0,5.0,10.7,0.0,0.0,0.0,0.0,47.0,100.0,147.0,1.0,0.0,126.0,127.0,128.0,3.0,0.0,1 -150.0,150.0,0.0,0.0,3.0,40.0,0.8,37.0,5.7,0.0,0.0,0.0,0.0,18.0,143.0,161.0,1.0,0.0,153.0,153.0,154.0,0.0,0.0,1 -141.0,141.0,0.0,12.0,1.0,78.0,0.2,61.0,4.7,0.0,0.0,0.0,0.0,13.0,133.0,146.0,1.0,0.0,143.0,141.0,143.0,0.0,1.0,2 -132.0,132.0,0.0,65.0,0.0,26.0,6.0,0.0,5.0,8.0,0.0,0.0,0.0,143.0,50.0,193.0,10.0,0.0,133.0,113.0,117.0,89.0,0.0,1 -135.0,135.0,3.0,0.0,6.0,29.0,1.3,0.0,10.4,0.0,0.0,0.0,0.0,37.0,123.0,160.0,3.0,0.0,138.0,139.0,140.0,3.0,0.0,1 -129.0,129.0,0.0,1.0,0.0,48.0,0.9,13.0,11.2,0.0,0.0,0.0,0.0,71.0,66.0,137.0,1.0,0.0,131.0,130.0,132.0,2.0,1.0,1 -143.0,143.0,0.0,0.0,1.0,69.0,0.3,6.0,9.7,0.0,0.0,0.0,0.0,25.0,133.0,158.0,1.0,0.0,145.0,144.0,146.0,1.0,0.0,1 -151.0,151.0,0.0,0.0,1.0,64.0,1.9,9.0,27.6,1.0,0.0,0.0,0.0,130.0,56.0,186.0,2.0,0.0,150.0,148.0,151.0,9.0,1.0,2 -138.0,138.0,16.0,0.0,3.0,50.0,1.3,0.0,1.9,1.0,0.0,0.0,0.0,87.0,84.0,171.0,5.0,1.0,147.0,146.0,148.0,11.0,1.0,1 -138.0,138.0,8.0,0.0,4.0,57.0,0.8,0.0,7.3,0.0,0.0,0.0,0.0,41.0,127.0,168.0,2.0,0.0,148.0,145.0,148.0,6.0,0.0,1 -131.0,131.0,6.0,46.0,4.0,34.0,2.2,0.0,19.0,1.0,0.0,0.0,0.0,107.0,52.0,159.0,2.0,0.0,133.0,135.0,137.0,22.0,1.0,1 -143.0,143.0,2.0,49.0,1.0,64.0,3.8,0.0,1.3,8.0,0.0,0.0,0.0,143.0,67.0,210.0,10.0,2.0,145.0,111.0,149.0,49.0,0.0,1 -126.0,126.0,3.0,0.0,2.0,49.0,0.7,0.0,9.7,0.0,0.0,0.0,0.0,90.0,63.0,153.0,2.0,0.0,133.0,133.0,134.0,4.0,1.0,1 -130.0,130.0,10.0,0.0,9.0,49.0,1.5,0.0,10.3,4.0,0.0,0.0,0.0,114.0,84.0,198.0,7.0,0.0,150.0,141.0,145.0,50.0,0.0,1 -106.0,106.0,0.0,0.0,8.0,63.0,0.6,0.0,14.1,0.0,0.0,0.0,0.0,28.0,95.0,123.0,1.0,0.0,110.0,109.0,111.0,2.0,0.0,1 -134.0,134.0,1.0,0.0,2.0,29.0,1.6,0.0,5.2,3.0,0.0,0.0,0.0,102.0,67.0,169.0,10.0,1.0,147.0,136.0,143.0,45.0,1.0,1 -131.0,131.0,8.0,0.0,4.0,29.0,1.3,0.0,4.5,0.0,0.0,0.0,0.0,89.0,82.0,171.0,8.0,0.0,143.0,145.0,145.0,9.0,1.0,1 -128.0,128.0,0.0,7.0,6.0,63.0,2.8,0.0,1.4,9.0,0.0,0.0,0.0,96.0,64.0,160.0,3.0,0.0,127.0,114.0,129.0,16.0,0.0,1 -120.0,120.0,3.0,15.0,4.0,50.0,0.7,6.0,7.2,0.0,0.0,0.0,0.0,94.0,60.0,154.0,2.0,0.0,123.0,126.0,125.0,7.0,1.0,1 -122.0,122.0,6.0,0.0,3.0,20.0,2.0,0.0,9.9,0.0,0.0,0.0,0.0,43.0,108.0,151.0,0.0,0.0,131.0,129.0,130.0,4.0,0.0,1 -141.0,141.0,1.0,0.0,5.0,28.0,1.7,2.0,11.7,3.0,0.0,0.0,0.0,86.0,85.0,171.0,9.0,0.0,144.0,141.0,144.0,15.0,1.0,1 -142.0,142.0,7.0,0.0,4.0,41.0,1.0,0.0,0.7,0.0,0.0,0.0,0.0,44.0,134.0,178.0,4.0,0.0,149.0,152.0,152.0,5.0,0.0,1 -120.0,120.0,6.0,0.0,0.0,39.0,1.9,0.0,17.7,0.0,0.0,0.0,0.0,105.0,60.0,165.0,5.0,0.0,129.0,127.0,129.0,12.0,0.0,1 -136.0,136.0,1.0,0.0,3.0,37.0,0.9,0.0,11.7,0.0,0.0,0.0,0.0,47.0,107.0,154.0,2.0,0.0,138.0,139.0,140.0,2.0,1.0,1 -145.0,145.0,3.0,6.0,3.0,35.0,1.9,0.0,21.3,0.0,0.0,0.0,0.0,140.0,56.0,196.0,5.0,0.0,148.0,150.0,151.0,12.0,1.0,1 -148.0,148.0,0.0,0.0,0.0,65.0,0.4,20.0,6.7,0.0,0.0,0.0,0.0,21.0,141.0,162.0,1.0,0.0,157.0,155.0,157.0,1.0,1.0,2 -139.0,139.0,0.0,4.0,0.0,62.0,0.7,27.0,11.5,0.0,0.0,0.0,0.0,111.0,73.0,184.0,4.0,0.0,148.0,147.0,148.0,2.0,1.0,1 -133.0,133.0,0.0,3.0,1.0,53.0,0.6,13.0,9.9,0.0,0.0,0.0,0.0,22.0,125.0,147.0,2.0,0.0,137.0,136.0,137.0,1.0,0.0,1 -129.0,129.0,0.0,8.0,4.0,64.0,0.4,54.0,5.3,0.0,0.0,0.0,0.0,23.0,118.0,141.0,1.0,0.0,131.0,130.0,132.0,0.0,0.0,2 -138.0,138.0,0.0,0.0,3.0,61.0,1.0,12.0,10.0,0.0,0.0,1.0,0.0,118.0,69.0,187.0,12.0,1.0,140.0,130.0,140.0,55.0,0.0,2 -126.0,126.0,3.0,2.0,3.0,41.0,1.7,0.0,21.4,0.0,0.0,0.0,0.0,100.0,50.0,150.0,4.0,0.0,133.0,130.0,132.0,10.0,1.0,1 -133.0,133.0,0.0,7.0,4.0,72.0,2.1,11.0,2.5,0.0,0.0,0.0,0.0,60.0,91.0,151.0,10.0,0.0,136.0,132.0,136.0,1.0,1.0,1 -130.0,130.0,3.0,2.0,1.0,74.0,1.3,8.0,5.0,0.0,0.0,0.0,0.0,32.0,126.0,158.0,3.0,0.0,139.0,137.0,140.0,3.0,0.0,1 -151.0,151.0,0.0,2.0,0.0,81.0,0.4,29.0,6.4,0.0,0.0,0.0,0.0,30.0,130.0,160.0,2.0,0.0,152.0,151.0,153.0,1.0,1.0,3 -130.0,130.0,9.0,1.0,1.0,70.0,0.7,6.0,4.4,0.0,0.0,0.0,0.0,31.0,127.0,158.0,1.0,0.0,139.0,140.0,141.0,3.0,0.0,1 -137.0,137.0,12.0,0.0,7.0,54.0,2.8,0.0,4.8,3.0,0.0,0.0,0.0,136.0,52.0,188.0,9.0,2.0,164.0,141.0,165.0,48.0,1.0,1 -150.0,150.0,0.0,8.0,0.0,73.0,0.3,44.0,7.3,0.0,0.0,0.0,0.0,26.0,128.0,154.0,3.0,0.0,150.0,149.0,151.0,0.0,1.0,2 -133.0,133.0,2.0,0.0,4.0,33.0,1.2,5.0,13.7,1.0,0.0,0.0,0.0,58.0,101.0,159.0,4.0,0.0,142.0,138.0,141.0,5.0,1.0,1 -135.0,135.0,0.0,2.0,1.0,61.0,0.5,21.0,9.5,0.0,0.0,0.0,0.0,36.0,108.0,144.0,5.0,0.0,138.0,135.0,137.0,3.0,1.0,2 -133.0,133.0,0.0,11.0,3.0,60.0,0.5,14.0,11.4,0.0,0.0,0.0,0.0,80.0,68.0,148.0,4.0,0.0,137.0,136.0,138.0,2.0,1.0,2 -151.0,151.0,7.0,6.0,2.0,50.0,0.7,0.0,0.9,0.0,0.0,0.0,0.0,37.0,141.0,178.0,2.0,0.0,161.0,162.0,163.0,4.0,0.0,1 -123.0,123.0,1.0,0.0,3.0,29.0,1.1,0.0,3.9,4.0,0.0,0.0,0.0,56.0,92.0,148.0,3.0,0.0,123.0,122.0,124.0,6.0,0.0,1 -158.0,158.0,6.0,0.0,9.0,27.0,1.7,0.0,14.9,1.0,0.0,0.0,0.0,120.0,77.0,197.0,7.0,0.0,170.0,168.0,170.0,14.0,1.0,1 -131.0,131.0,9.0,3.0,4.0,55.0,1.9,0.0,2.8,1.0,0.0,0.0,0.0,85.0,84.0,169.0,6.0,0.0,150.0,140.0,145.0,22.0,1.0,1 -123.0,123.0,0.0,0.0,1.0,67.0,0.6,27.0,12.6,0.0,0.0,0.0,0.0,110.0,50.0,160.0,7.0,0.0,125.0,123.0,125.0,2.0,1.0,2 -147.0,147.0,0.0,0.0,0.0,63.0,0.4,12.0,8.1,0.0,0.0,0.0,0.0,80.0,74.0,154.0,1.0,0.0,148.0,147.0,149.0,1.0,1.0,1 -138.0,138.0,6.0,0.0,5.0,59.0,0.8,0.0,7.7,0.0,0.0,0.0,0.0,43.0,125.0,168.0,3.0,0.0,148.0,144.0,146.0,6.0,0.0,1 -138.0,138.0,0.0,0.0,6.0,34.0,1.0,7.0,9.6,2.0,0.0,0.0,0.0,62.0,93.0,155.0,5.0,0.0,148.0,142.0,146.0,10.0,1.0,1 -128.0,128.0,4.0,10.0,3.0,54.0,0.6,0.0,6.5,0.0,0.0,0.0,0.0,36.0,121.0,157.0,3.0,0.0,140.0,138.0,139.0,5.0,0.0,1 -142.0,142.0,0.0,27.0,0.0,55.0,0.6,5.0,12.2,0.0,0.0,0.0,0.0,44.0,116.0,160.0,4.0,0.0,145.0,145.0,147.0,2.0,1.0,1 -141.0,141.0,0.0,2.0,0.0,67.0,0.4,44.0,9.2,0.0,0.0,0.0,0.0,78.0,70.0,148.0,2.0,0.0,143.0,141.0,143.0,1.0,1.0,2 -137.0,137.0,11.0,2.0,4.0,56.0,0.9,0.0,4.1,0.0,0.0,0.0,0.0,48.0,122.0,170.0,3.0,0.0,147.0,146.0,147.0,7.0,0.0,1 -125.0,125.0,0.0,6.0,1.0,66.0,0.3,46.0,5.8,0.0,0.0,0.0,0.0,21.0,112.0,133.0,0.0,0.0,125.0,124.0,126.0,0.0,0.0,2 -127.0,127.0,0.0,0.0,2.0,24.0,1.7,0.0,15.8,0.0,0.0,0.0,0.0,91.0,107.0,198.0,9.0,0.0,135.0,136.0,138.0,7.0,-1.0,1 -144.0,144.0,0.0,6.0,0.0,79.0,0.3,77.0,7.9,0.0,0.0,0.0,0.0,80.0,71.0,151.0,2.0,0.0,145.0,144.0,146.0,1.0,1.0,3 -136.0,136.0,0.0,0.0,5.0,33.0,1.2,0.0,14.4,3.0,0.0,0.0,0.0,91.0,61.0,152.0,5.0,0.0,136.0,132.0,137.0,17.0,1.0,1 -127.0,127.0,0.0,1.0,6.0,62.0,0.7,58.0,4.1,0.0,0.0,0.0,0.0,20.0,120.0,140.0,1.0,0.0,126.0,125.0,126.0,0.0,-1.0,1 -149.0,149.0,0.0,0.0,7.0,61.0,0.4,54.0,5.2,0.0,0.0,0.0,0.0,13.0,146.0,159.0,1.0,0.0,154.0,153.0,155.0,0.0,0.0,2 -120.0,120.0,7.0,1.0,1.0,51.0,1.3,3.0,11.1,0.0,0.0,0.0,0.0,113.0,59.0,172.0,16.0,1.0,117.0,127.0,129.0,23.0,0.0,1 -144.0,144.0,0.0,1.0,1.0,83.0,0.3,31.0,5.8,0.0,0.0,0.0,0.0,38.0,132.0,170.0,2.0,0.0,144.0,144.0,145.0,0.0,-1.0,3 -142.0,142.0,4.0,63.0,3.0,66.0,3.3,0.0,0.3,7.0,0.0,1.0,0.0,113.0,67.0,180.0,7.0,0.0,141.0,111.0,147.0,90.0,1.0,1 -146.0,146.0,0.0,6.0,0.0,69.0,0.5,45.0,11.0,0.0,0.0,0.0,0.0,42.0,117.0,159.0,6.0,0.0,153.0,150.0,152.0,3.0,1.0,2 -137.0,137.0,0.0,0.0,0.0,63.0,0.5,36.0,7.5,0.0,0.0,0.0,0.0,96.0,71.0,167.0,3.0,0.0,143.0,141.0,143.0,1.0,1.0,2 -142.0,142.0,1.0,3.0,1.0,55.0,1.3,10.0,10.0,2.0,0.0,0.0,0.0,115.0,52.0,167.0,15.0,3.0,148.0,142.0,147.0,20.0,1.0,1 -158.0,158.0,0.0,0.0,0.0,55.0,0.5,38.0,5.8,0.0,0.0,0.0,0.0,15.0,156.0,171.0,0.0,0.0,165.0,164.0,166.0,0.0,0.0,1 -144.0,144.0,10.0,0.0,6.0,38.0,0.9,0.0,6.0,0.0,0.0,0.0,0.0,48.0,126.0,174.0,1.0,0.0,155.0,154.0,155.0,4.0,0.0,1 -136.0,136.0,1.0,0.0,5.0,61.0,0.5,48.0,8.0,0.0,0.0,0.0,0.0,31.0,124.0,155.0,9.0,0.0,142.0,140.0,141.0,2.0,0.0,2 -127.0,127.0,2.0,13.0,4.0,66.0,4.2,5.0,0.3,0.0,0.0,0.0,0.0,23.0,123.0,146.0,0.0,0.0,133.0,126.0,134.0,0.0,0.0,1 -121.0,121.0,3.0,2.0,3.0,58.0,1.5,0.0,8.9,5.0,0.0,0.0,0.0,96.0,67.0,163.0,7.0,1.0,122.0,116.0,120.0,25.0,0.0,1 -142.0,142.0,10.0,43.0,2.0,38.0,1.3,0.0,0.0,0.0,0.0,0.0,0.0,62.0,127.0,189.0,8.0,0.0,180.0,171.0,176.0,22.0,1.0,1 -138.0,138.0,15.0,0.0,8.0,51.0,1.2,0.0,1.6,1.0,0.0,0.0,0.0,98.0,73.0,171.0,8.0,0.0,148.0,147.0,149.0,12.0,1.0,1 -133.0,133.0,0.0,3.0,2.0,55.0,0.5,16.0,9.2,0.0,0.0,0.0,0.0,22.0,125.0,147.0,1.0,0.0,137.0,136.0,137.0,1.0,0.0,1 -137.0,137.0,1.0,0.0,6.0,62.0,0.4,42.0,5.4,0.0,0.0,0.0,0.0,22.0,133.0,155.0,2.0,0.0,142.0,140.0,142.0,0.0,0.0,2 -142.0,142.0,1.0,0.0,3.0,42.0,1.0,0.0,12.2,0.0,0.0,0.0,0.0,61.0,130.0,191.0,4.0,0.0,148.0,147.0,149.0,2.0,-1.0,1 -151.0,151.0,0.0,0.0,3.0,60.0,0.9,17.0,3.4,2.0,0.0,0.0,0.0,124.0,50.0,174.0,8.0,0.0,156.0,148.0,155.0,37.0,1.0,2 -138.0,138.0,17.0,0.0,4.0,50.0,1.1,0.0,2.9,1.0,0.0,0.0,0.0,87.0,84.0,171.0,4.0,1.0,147.0,147.0,148.0,10.0,1.0,1 -134.0,134.0,3.0,9.0,1.0,56.0,3.2,0.0,41.8,1.0,0.0,0.0,0.0,130.0,54.0,184.0,1.0,0.0,138.0,135.0,139.0,25.0,0.0,1 -130.0,130.0,0.0,1.0,0.0,56.0,0.5,33.0,7.5,0.0,0.0,0.0,0.0,19.0,125.0,144.0,2.0,0.0,129.0,131.0,132.0,2.0,-1.0,1 -129.0,129.0,1.0,6.0,0.0,47.0,0.9,0.0,17.3,0.0,0.0,0.0,0.0,104.0,52.0,156.0,6.0,0.0,133.0,133.0,134.0,4.0,1.0,1 -130.0,130.0,10.0,1.0,1.0,71.0,0.7,5.0,3.8,0.0,0.0,0.0,0.0,31.0,127.0,158.0,1.0,0.0,139.0,139.0,140.0,3.0,0.0,1 -145.0,145.0,9.0,20.0,1.0,41.0,1.1,0.0,11.4,0.0,0.0,0.0,0.0,125.0,62.0,187.0,4.0,0.0,167.0,164.0,166.0,11.0,1.0,1 -127.0,127.0,6.0,9.0,1.0,54.0,1.0,5.0,15.6,1.0,0.0,0.0,0.0,83.0,63.0,146.0,9.0,1.0,140.0,135.0,138.0,14.0,1.0,1 -136.0,136.0,0.0,0.0,1.0,47.0,0.9,2.0,10.6,0.0,0.0,0.0,0.0,39.0,119.0,158.0,2.0,1.0,144.0,143.0,145.0,1.0,0.0,1 -119.0,119.0,0.0,0.0,2.0,24.0,1.4,0.0,15.5,0.0,0.0,0.0,0.0,39.0,106.0,145.0,3.0,0.0,125.0,124.0,126.0,3.0,0.0,1 -138.0,138.0,0.0,0.0,2.0,42.0,0.8,44.0,7.8,0.0,0.0,0.0,0.0,39.0,113.0,152.0,3.0,0.0,141.0,139.0,142.0,1.0,1.0,1 -143.0,143.0,5.0,0.0,2.0,60.0,2.0,0.0,3.6,1.0,0.0,0.0,0.0,79.0,101.0,180.0,9.0,0.0,146.0,144.0,151.0,18.0,0.0,1 -133.0,133.0,0.0,0.0,11.0,60.0,3.0,0.0,0.0,1.0,0.0,2.0,0.0,97.0,58.0,155.0,4.0,0.0,125.0,96.0,105.0,79.0,0.0,3 -140.0,140.0,0.0,3.0,4.0,63.0,1.2,3.0,8.1,3.0,0.0,0.0,0.0,94.0,65.0,159.0,2.0,2.0,140.0,133.0,140.0,22.0,1.0,1 -136.0,136.0,3.0,0.0,3.0,43.0,0.7,1.0,4.6,0.0,0.0,0.0,0.0,39.0,120.0,159.0,0.0,1.0,145.0,144.0,146.0,2.0,0.0,1 -144.0,144.0,2.0,0.0,5.0,45.0,0.7,13.0,8.8,2.0,0.0,0.0,0.0,54.0,122.0,176.0,2.0,0.0,157.0,155.0,156.0,5.0,0.0,1 -138.0,138.0,13.0,0.0,4.0,35.0,5.3,0.0,4.5,0.0,0.0,0.0,0.0,148.0,52.0,200.0,11.0,2.0,146.0,157.0,161.0,72.0,1.0,1 -135.0,135.0,2.0,0.0,3.0,64.0,0.6,0.0,10.2,0.0,0.0,0.0,0.0,41.0,119.0,160.0,3.0,0.0,147.0,141.0,143.0,7.0,0.0,1 -128.0,128.0,7.0,7.0,3.0,33.0,1.5,0.0,3.9,4.0,0.0,0.0,0.0,141.0,57.0,198.0,8.0,0.0,137.0,132.0,136.0,21.0,0.0,1 -120.0,120.0,0.0,0.0,5.0,53.0,0.7,2.0,10.4,0.0,0.0,0.0,0.0,20.0,107.0,127.0,2.0,0.0,122.0,119.0,121.0,2.0,1.0,1 -150.0,150.0,0.0,0.0,1.0,64.0,2.0,8.0,29.5,1.0,0.0,0.0,0.0,130.0,56.0,186.0,5.0,0.0,150.0,148.0,151.0,10.0,1.0,2 -146.0,146.0,2.0,0.0,2.0,28.0,1.6,0.0,6.4,2.0,0.0,0.0,0.0,93.0,80.0,173.0,4.0,0.0,148.0,148.0,151.0,28.0,1.0,1 -130.0,130.0,0.0,1.0,0.0,78.0,0.2,84.0,2.0,1.0,0.0,0.0,0.0,28.0,105.0,133.0,6.0,0.0,131.0,130.0,132.0,1.0,1.0,3 -128.0,128.0,0.0,0.0,5.0,38.0,2.6,0.0,14.8,4.0,0.0,0.0,0.0,128.0,51.0,179.0,5.0,1.0,133.0,124.0,129.0,25.0,0.0,1 -124.0,124.0,0.0,0.0,0.0,86.0,0.4,14.0,4.8,0.0,0.0,0.0,0.0,24.0,122.0,146.0,1.0,0.0,126.0,126.0,127.0,0.0,-1.0,3 -130.0,130.0,0.0,6.0,4.0,73.0,2.9,0.0,2.2,0.0,0.0,0.0,0.0,27.0,124.0,151.0,2.0,0.0,132.0,127.0,133.0,1.0,-1.0,1 -127.0,127.0,3.0,2.0,0.0,53.0,0.8,0.0,17.9,0.0,0.0,0.0,0.0,104.0,64.0,168.0,3.0,0.0,136.0,134.0,136.0,5.0,1.0,1 -138.0,138.0,1.0,0.0,3.0,43.0,0.7,9.0,8.3,0.0,0.0,0.0,0.0,25.0,131.0,156.0,0.0,0.0,142.0,142.0,144.0,1.0,0.0,1 -129.0,129.0,7.0,0.0,5.0,23.0,1.6,0.0,0.0,0.0,0.0,0.0,0.0,54.0,112.0,166.0,4.0,0.0,138.0,143.0,144.0,13.0,0.0,1 -120.0,120.0,3.0,0.0,1.0,20.0,1.7,0.0,5.8,0.0,0.0,0.0,0.0,42.0,109.0,151.0,2.0,0.0,122.0,126.0,125.0,8.0,0.0,1 -127.0,127.0,0.0,0.0,4.0,17.0,2.8,0.0,3.7,5.0,0.0,0.0,0.0,81.0,76.0,157.0,3.0,0.0,114.0,112.0,115.0,16.0,0.0,1 -123.0,123.0,17.0,4.0,9.0,55.0,2.2,0.0,2.4,0.0,0.0,0.0,0.0,75.0,85.0,160.0,8.0,0.0,135.0,132.0,136.0,8.0,1.0,1 -141.0,141.0,0.0,2.0,0.0,76.0,0.2,62.0,4.3,0.0,0.0,0.0,0.0,12.0,134.0,146.0,1.0,0.0,142.0,140.0,142.0,0.0,0.0,2 -141.0,141.0,2.0,0.0,6.0,36.0,1.3,9.0,9.8,3.0,0.0,0.0,0.0,79.0,92.0,171.0,6.0,0.0,145.0,143.0,146.0,10.0,1.0,1 -140.0,140.0,0.0,3.0,5.0,63.0,1.7,5.0,4.0,3.0,0.0,1.0,0.0,83.0,65.0,148.0,4.0,1.0,140.0,127.0,133.0,32.0,1.0,1 -135.0,135.0,5.0,0.0,5.0,27.0,1.5,0.0,5.8,4.0,0.0,0.0,0.0,96.0,69.0,165.0,5.0,2.0,143.0,139.0,142.0,17.0,1.0,1 -133.0,133.0,5.0,0.0,3.0,33.0,1.2,0.0,4.4,0.0,0.0,0.0,0.0,82.0,97.0,179.0,7.0,0.0,163.0,156.0,161.0,19.0,1.0,1 -120.0,120.0,9.0,42.0,0.0,33.0,2.7,0.0,10.4,0.0,0.0,0.0,0.0,142.0,51.0,193.0,9.0,0.0,167.0,148.0,156.0,76.0,1.0,1 -134.0,134.0,6.0,0.0,9.0,60.0,1.3,0.0,0.0,5.0,0.0,0.0,0.0,109.0,80.0,189.0,7.0,0.0,156.0,138.0,151.0,101.0,1.0,1 -133.0,133.0,0.0,6.0,2.0,69.0,0.3,29.0,5.6,0.0,0.0,0.0,0.0,12.0,129.0,141.0,1.0,0.0,137.0,135.0,137.0,0.0,0.0,2 -145.0,145.0,5.0,0.0,1.0,41.0,1.8,0.0,23.4,0.0,0.0,0.0,0.0,117.0,50.0,167.0,4.0,0.0,154.0,151.0,154.0,16.0,1.0,1 -130.0,130.0,1.0,1.0,9.0,62.0,2.2,0.0,0.0,8.0,0.0,1.0,0.0,161.0,50.0,211.0,9.0,0.0,60.0,89.0,113.0,250.0,0.0,3 -135.0,135.0,4.0,0.0,4.0,47.0,0.8,2.0,10.0,0.0,0.0,0.0,0.0,39.0,120.0,159.0,1.0,0.0,139.0,139.0,141.0,3.0,0.0,1 -146.0,146.0,0.0,0.0,4.0,66.0,0.4,33.0,7.0,0.0,0.0,0.0,0.0,19.0,138.0,157.0,1.0,0.0,150.0,147.0,150.0,1.0,0.0,2 -128.0,128.0,0.0,2.0,7.0,65.0,2.6,0.0,0.0,5.0,0.0,2.0,0.0,129.0,63.0,192.0,6.0,0.0,103.0,92.0,114.0,28.0,0.0,3 -129.0,129.0,0.0,9.0,0.0,56.0,0.5,1.0,7.4,0.0,0.0,0.0,0.0,23.0,120.0,143.0,3.0,0.0,133.0,133.0,134.0,1.0,0.0,1 -138.0,138.0,0.0,1.0,0.0,68.0,0.3,21.0,7.2,0.0,0.0,0.0,0.0,22.0,128.0,150.0,1.0,0.0,144.0,142.0,144.0,1.0,1.0,2 -120.0,120.0,3.0,11.0,2.0,45.0,0.8,0.0,8.7,0.0,0.0,0.0,0.0,44.0,116.0,160.0,2.0,0.0,153.0,142.0,147.0,27.0,1.0,1 -128.0,128.0,6.0,12.0,5.0,30.0,1.7,0.0,7.0,6.0,0.0,0.0,0.0,118.0,59.0,177.0,7.0,1.0,133.0,128.0,133.0,30.0,0.0,1 -130.0,130.0,2.0,0.0,8.0,39.0,0.9,8.0,12.3,0.0,0.0,0.0,0.0,43.0,112.0,155.0,3.0,0.0,136.0,134.0,136.0,3.0,0.0,1 -142.0,142.0,0.0,1.0,0.0,40.0,1.1,12.0,10.8,0.0,0.0,0.0,0.0,97.0,57.0,154.0,2.0,0.0,148.0,144.0,147.0,4.0,1.0,1 -134.0,134.0,3.0,1.0,1.0,62.0,1.8,0.0,0.0,2.0,0.0,3.0,0.0,118.0,66.0,184.0,5.0,0.0,88.0,106.0,107.0,128.0,-1.0,3 -142.0,142.0,2.0,0.0,3.0,32.0,1.8,0.0,0.0,5.0,0.0,0.0,0.0,115.0,67.0,182.0,2.0,0.0,157.0,133.0,142.0,115.0,1.0,1 -117.0,117.0,0.0,7.0,0.0,51.0,0.8,9.0,13.3,0.0,0.0,0.0,0.0,77.0,56.0,133.0,5.0,0.0,123.0,122.0,124.0,2.0,1.0,1 -133.0,133.0,0.0,1.0,6.0,60.0,2.8,0.0,7.7,2.0,0.0,2.0,0.0,105.0,60.0,165.0,5.0,0.0,119.0,100.0,111.0,53.0,0.0,3 -146.0,146.0,1.0,0.0,2.0,28.0,1.4,16.0,6.7,2.0,0.0,0.0,0.0,85.0,80.0,165.0,5.0,0.0,148.0,146.0,151.0,25.0,1.0,1 -134.0,134.0,9.0,1.0,8.0,59.0,1.2,0.0,5.2,5.0,0.0,0.0,0.0,109.0,80.0,189.0,6.0,0.0,150.0,146.0,150.0,33.0,0.0,1 -129.0,129.0,3.0,0.0,1.0,27.0,1.2,1.0,7.9,0.0,0.0,0.0,0.0,60.0,98.0,158.0,3.0,0.0,133.0,133.0,134.0,4.0,0.0,1 -141.0,141.0,1.0,0.0,1.0,54.0,0.9,7.0,9.5,3.0,0.0,0.0,0.0,124.0,60.0,184.0,12.0,2.0,150.0,139.0,147.0,49.0,1.0,1 -148.0,148.0,0.0,0.0,2.0,37.0,1.1,3.0,13.0,0.0,0.0,0.0,0.0,42.0,126.0,168.0,2.0,0.0,157.0,153.0,156.0,5.0,1.0,1 -106.0,106.0,1.0,0.0,10.0,63.0,0.6,0.0,11.5,0.0,0.0,0.0,0.0,30.0,95.0,125.0,1.0,0.0,112.0,110.0,112.0,1.0,0.0,1 -131.0,131.0,1.0,443.0,4.0,29.0,2.0,0.0,8.1,4.0,0.0,2.0,0.0,111.0,54.0,165.0,14.0,0.0,129.0,112.0,128.0,103.0,1.0,3 -125.0,125.0,6.0,6.0,1.0,50.0,0.9,0.0,2.5,0.0,0.0,0.0,0.0,118.0,57.0,175.0,8.0,0.0,133.0,132.0,133.0,4.0,0.0,1 -137.0,137.0,11.0,2.0,7.0,58.0,1.4,0.0,4.7,5.0,0.0,0.0,0.0,109.0,69.0,178.0,2.0,0.0,146.0,143.0,150.0,47.0,1.0,1 -136.0,136.0,3.0,0.0,6.0,48.0,0.7,2.0,9.4,0.0,0.0,0.0,0.0,42.0,121.0,163.0,1.0,1.0,144.0,144.0,145.0,2.0,0.0,1 -120.0,120.0,0.0,9.0,0.0,53.0,0.8,0.0,15.3,0.0,0.0,0.0,0.0,69.0,62.0,131.0,3.0,0.0,125.0,121.0,124.0,5.0,1.0,1 -149.0,149.0,1.0,0.0,5.0,36.0,1.4,10.0,6.7,1.0,0.0,0.0,0.0,121.0,58.0,179.0,6.0,0.0,163.0,158.0,163.0,11.0,1.0,2 -137.0,137.0,0.0,1.0,8.0,59.0,1.8,0.0,6.5,4.0,0.0,0.0,0.0,102.0,64.0,166.0,5.0,2.0,142.0,134.0,140.0,14.0,1.0,1 -125.0,125.0,0.0,4.0,1.0,67.0,0.3,57.0,4.9,0.0,0.0,0.0,0.0,14.0,115.0,129.0,1.0,0.0,125.0,124.0,126.0,0.0,1.0,2 -159.0,159.0,1.0,0.0,6.0,58.0,0.5,0.0,7.9,0.0,0.0,0.0,0.0,44.0,133.0,177.0,4.0,0.0,163.0,164.0,166.0,2.0,1.0,1 -131.0,131.0,5.0,2.0,3.0,57.0,2.0,0.0,1.2,3.0,0.0,0.0,0.0,69.0,100.0,169.0,6.0,1.0,133.0,133.0,134.0,15.0,0.0,1 -151.0,151.0,0.0,0.0,0.0,47.0,0.7,70.0,3.9,0.0,0.0,0.0,0.0,8.0,154.0,162.0,0.0,0.0,159.0,158.0,160.0,0.0,0.0,3 -139.0,139.0,8.0,0.0,6.0,50.0,0.9,0.0,13.4,0.0,0.0,0.0,0.0,71.0,107.0,178.0,4.0,0.0,162.0,153.0,158.0,25.0,1.0,1 -139.0,139.0,2.0,8.0,0.0,55.0,0.8,8.0,8.9,0.0,0.0,0.0,0.0,63.0,127.0,190.0,7.0,1.0,144.0,146.0,147.0,4.0,-1.0,2 -130.0,130.0,7.0,1.0,0.0,67.0,0.9,0.0,1.2,0.0,0.0,0.0,0.0,45.0,112.0,157.0,4.0,0.0,137.0,137.0,139.0,3.0,0.0,1 -144.0,144.0,0.0,0.0,4.0,38.0,0.8,6.0,8.7,0.0,0.0,0.0,0.0,27.0,134.0,161.0,1.0,0.0,148.0,147.0,149.0,1.0,0.0,1 -148.0,148.0,0.0,0.0,6.0,50.0,0.5,60.0,4.9,0.0,0.0,0.0,0.0,12.0,151.0,163.0,1.0,0.0,160.0,159.0,160.0,0.0,1.0,1 -134.0,134.0,2.0,5.0,1.0,53.0,3.7,0.0,50.7,0.0,0.0,0.0,0.0,130.0,54.0,184.0,1.0,0.0,136.0,135.0,139.0,25.0,0.0,1 -132.0,132.0,5.0,0.0,11.0,58.0,2.9,0.0,0.0,14.0,0.0,0.0,0.0,115.0,63.0,178.0,4.0,0.0,112.0,110.0,121.0,64.0,0.0,1 -130.0,130.0,1.0,3.0,10.0,53.0,2.8,0.0,7.1,2.0,0.0,0.0,0.0,62.0,95.0,157.0,5.0,0.0,138.0,131.0,136.0,9.0,0.0,1 -148.0,148.0,0.0,13.0,0.0,70.0,0.3,71.0,3.8,0.0,0.0,0.0,0.0,14.0,139.0,153.0,1.0,0.0,150.0,148.0,150.0,0.0,1.0,3 -132.0,132.0,1.0,0.0,5.0,30.0,1.2,0.0,14.7,0.0,0.0,1.0,0.0,58.0,95.0,153.0,3.0,0.0,133.0,128.0,132.0,16.0,0.0,1 -127.0,127.0,0.0,0.0,3.0,65.0,0.7,55.0,3.5,0.0,0.0,0.0,0.0,13.0,120.0,133.0,1.0,0.0,126.0,126.0,127.0,0.0,0.0,1 -142.0,142.0,0.0,0.0,5.0,58.0,0.4,31.0,6.1,0.0,0.0,0.0,0.0,22.0,141.0,163.0,2.0,0.0,155.0,153.0,155.0,1.0,0.0,2 -128.0,128.0,0.0,16.0,2.0,34.0,2.4,0.0,3.6,2.0,0.0,2.0,0.0,145.0,54.0,199.0,11.0,1.0,75.0,98.0,86.0,144.0,-1.0,3 -128.0,128.0,8.0,6.0,4.0,43.0,1.9,0.0,18.7,0.0,0.0,0.0,0.0,124.0,60.0,184.0,10.0,0.0,133.0,137.0,138.0,16.0,0.0,1 -147.0,147.0,0.0,0.0,1.0,71.0,0.3,17.0,5.8,1.0,0.0,0.0,0.0,15.0,139.0,154.0,0.0,0.0,143.0,145.0,146.0,1.0,0.0,2 -125.0,125.0,0.0,0.0,6.0,62.0,1.3,0.0,1.3,7.0,0.0,0.0,0.0,70.0,68.0,138.0,6.0,0.0,128.0,117.0,124.0,25.0,1.0,1 -132.0,132.0,2.0,0.0,10.0,34.0,1.2,0.0,12.4,1.0,0.0,1.0,0.0,106.0,61.0,167.0,3.0,1.0,99.0,124.0,131.0,116.0,1.0,2 -143.0,143.0,0.0,0.0,3.0,67.0,0.4,6.0,9.6,0.0,0.0,0.0,0.0,26.0,133.0,159.0,1.0,0.0,144.0,144.0,145.0,1.0,0.0,1 -123.0,123.0,0.0,0.0,2.0,50.0,0.5,8.0,7.6,0.0,0.0,0.0,0.0,21.0,116.0,137.0,1.0,0.0,126.0,126.0,127.0,1.0,0.0,1 -132.0,132.0,2.0,0.0,2.0,29.0,1.5,0.0,8.6,3.0,0.0,0.0,0.0,102.0,67.0,169.0,11.0,1.0,143.0,136.0,141.0,33.0,1.0,1 -120.0,120.0,1.0,0.0,8.0,47.0,1.0,2.0,9.8,1.0,0.0,0.0,0.0,67.0,73.0,140.0,9.0,0.0,116.0,121.0,121.0,9.0,1.0,1 -131.0,131.0,0.0,0.0,4.0,32.0,1.8,6.0,2.3,6.0,0.0,0.0,0.0,97.0,59.0,156.0,3.0,1.0,135.0,120.0,133.0,70.0,1.0,1 -140.0,140.0,12.0,7.0,7.0,56.0,1.5,1.0,15.1,0.0,0.0,0.0,0.0,108.0,68.0,176.0,3.0,0.0,156.0,150.0,153.0,15.0,1.0,1 -112.0,112.0,0.0,0.0,2.0,25.0,1.3,0.0,9.3,0.0,0.0,0.0,0.0,34.0,104.0,138.0,4.0,1.0,119.0,116.0,118.0,2.0,0.0,1 -131.0,131.0,1.0,251.0,2.0,18.0,2.4,0.0,13.9,3.0,0.0,1.0,0.0,107.0,67.0,174.0,5.0,0.0,134.0,125.0,132.0,45.0,0.0,2 -132.0,132.0,0.0,0.0,3.0,51.0,0.6,2.0,9.6,0.0,0.0,0.0,0.0,25.0,116.0,141.0,1.0,0.0,136.0,135.0,137.0,1.0,1.0,1 -143.0,143.0,3.0,0.0,3.0,37.0,1.0,0.0,9.5,0.0,0.0,0.0,0.0,44.0,130.0,174.0,4.0,0.0,147.0,148.0,149.0,5.0,0.0,1 -143.0,143.0,0.0,0.0,4.0,66.0,0.4,4.0,10.2,0.0,0.0,0.0,0.0,22.0,132.0,154.0,1.0,0.0,144.0,143.0,145.0,1.0,0.0,1 -133.0,133.0,0.0,8.0,4.0,70.0,2.7,4.0,1.5,0.0,0.0,0.0,0.0,60.0,91.0,151.0,8.0,1.0,134.0,130.0,135.0,1.0,1.0,1 -138.0,138.0,6.0,0.0,3.0,33.0,3.1,0.0,7.9,4.0,0.0,0.0,0.0,59.0,110.0,169.0,3.0,0.0,136.0,145.0,146.0,22.0,0.0,1 -138.0,138.0,6.0,0.0,4.0,59.0,0.7,0.0,8.5,0.0,0.0,0.0,0.0,43.0,125.0,168.0,1.0,0.0,148.0,145.0,147.0,6.0,0.0,1 -152.0,152.0,0.0,0.0,3.0,60.0,0.4,62.0,4.0,0.0,0.0,0.0,0.0,13.0,150.0,163.0,1.0,0.0,160.0,158.0,160.0,0.0,1.0,2 -136.0,136.0,4.0,52.0,4.0,63.0,1.8,0.0,6.4,2.0,0.0,0.0,0.0,76.0,96.0,172.0,8.0,0.0,142.0,132.0,143.0,5.0,0.0,1 -138.0,138.0,13.0,0.0,4.0,51.0,1.1,0.0,2.1,0.0,0.0,0.0,0.0,49.0,122.0,171.0,3.0,0.0,148.0,148.0,149.0,6.0,0.0,1 -120.0,120.0,0.0,0.0,6.0,49.0,0.8,2.0,10.5,0.0,0.0,0.0,0.0,32.0,104.0,136.0,4.0,0.0,116.0,120.0,121.0,4.0,0.0,1 -146.0,146.0,0.0,17.0,0.0,72.0,0.3,41.0,6.9,0.0,0.0,0.0,0.0,35.0,120.0,155.0,4.0,0.0,147.0,146.0,148.0,0.0,1.0,2 -132.0,132.0,7.0,0.0,2.0,20.0,2.1,0.0,8.0,4.0,0.0,0.0,0.0,102.0,74.0,176.0,9.0,2.0,141.0,136.0,140.0,24.0,0.0,1 -120.0,120.0,3.0,7.0,3.0,35.0,1.6,0.0,2.1,0.0,0.0,0.0,0.0,96.0,78.0,174.0,7.0,0.0,161.0,141.0,138.0,75.0,0.0,1 -145.0,145.0,2.0,2.0,1.0,34.0,1.7,0.0,22.3,0.0,0.0,0.0,0.0,117.0,57.0,174.0,6.0,1.0,150.0,147.0,150.0,11.0,1.0,1 -128.0,128.0,5.0,0.0,5.0,42.0,2.4,0.0,4.5,4.0,0.0,0.0,0.0,149.0,50.0,199.0,12.0,2.0,133.0,130.0,133.0,24.0,0.0,1 -143.0,143.0,0.0,19.0,0.0,65.0,0.3,43.0,6.5,0.0,0.0,0.0,0.0,24.0,131.0,155.0,2.0,0.0,147.0,145.0,147.0,1.0,0.0,2 -132.0,132.0,2.0,0.0,9.0,31.0,1.4,0.0,11.5,0.0,1.0,1.0,0.0,102.0,61.0,163.0,5.0,0.0,99.0,121.0,129.0,94.0,1.0,1 -137.0,137.0,14.0,0.0,3.0,57.0,1.8,0.0,0.2,4.0,0.0,0.0,0.0,136.0,52.0,188.0,7.0,0.0,146.0,145.0,161.0,46.0,1.0,1 -125.0,125.0,0.0,0.0,8.0,64.0,1.3,0.0,2.6,7.0,0.0,1.0,0.0,77.0,78.0,155.0,4.0,0.0,114.0,111.0,114.0,7.0,0.0,1 -149.0,149.0,5.0,0.0,6.0,30.0,1.5,0.0,1.8,1.0,0.0,0.0,0.0,57.0,122.0,179.0,3.0,0.0,169.0,161.0,167.0,19.0,1.0,1 -141.0,141.0,0.0,0.0,0.0,61.0,0.4,29.0,5.3,0.0,0.0,0.0,0.0,13.0,135.0,148.0,1.0,0.0,144.0,143.0,145.0,0.0,1.0,2 -132.0,132.0,7.0,0.0,9.0,30.0,1.5,0.0,7.9,1.0,0.0,1.0,0.0,102.0,61.0,163.0,4.0,0.0,145.0,124.0,131.0,96.0,1.0,1 -134.0,134.0,0.0,0.0,2.0,37.0,1.1,22.0,2.9,4.0,0.0,0.0,0.0,93.0,50.0,143.0,5.0,0.0,138.0,129.0,136.0,31.0,1.0,1 -132.0,132.0,1.0,0.0,5.0,30.0,1.8,5.0,19.9,5.0,0.0,0.0,0.0,99.0,52.0,151.0,7.0,0.0,139.0,130.0,137.0,31.0,1.0,1 -136.0,136.0,8.0,0.0,6.0,42.0,0.7,20.0,4.0,0.0,0.0,0.0,0.0,38.0,120.0,158.0,2.0,0.0,141.0,143.0,144.0,3.0,0.0,1 -126.0,126.0,4.0,0.0,4.0,30.0,1.2,0.0,4.2,0.0,0.0,0.0,0.0,49.0,107.0,156.0,3.0,0.0,127.0,134.0,134.0,11.0,0.0,1 -136.0,136.0,3.0,0.0,2.0,54.0,0.5,8.0,9.5,0.0,0.0,0.0,0.0,49.0,118.0,167.0,1.0,0.0,151.0,149.0,151.0,7.0,1.0,1 -132.0,132.0,4.0,0.0,5.0,16.0,2.4,0.0,19.9,0.0,0.0,0.0,0.0,117.0,53.0,170.0,9.0,0.0,137.0,136.0,138.0,11.0,1.0,1 -138.0,138.0,0.0,1.0,4.0,57.0,1.4,10.0,8.9,1.0,0.0,2.0,0.0,132.0,60.0,192.0,9.0,1.0,142.0,127.0,138.0,75.0,0.0,2 -135.0,135.0,2.0,46.0,4.0,65.0,2.0,0.0,5.2,1.0,0.0,0.0,0.0,65.0,96.0,161.0,3.0,0.0,138.0,130.0,141.0,3.0,1.0,1 -122.0,122.0,1.0,0.0,0.0,12.0,3.6,0.0,25.3,3.0,0.0,0.0,0.0,129.0,51.0,180.0,7.0,1.0,122.0,119.0,122.0,79.0,0.0,1 -134.0,134.0,0.0,0.0,7.0,20.0,2.2,3.0,15.1,7.0,0.0,0.0,0.0,113.0,50.0,163.0,7.0,1.0,126.0,120.0,127.0,51.0,1.0,1 -133.0,133.0,7.0,42.0,4.0,65.0,2.7,0.0,1.1,1.0,0.0,0.0,0.0,35.0,126.0,161.0,2.0,0.0,138.0,126.0,140.0,3.0,0.0,1 -146.0,146.0,0.0,0.0,1.0,53.0,0.5,32.0,8.2,0.0,0.0,0.0,0.0,27.0,136.0,163.0,2.0,1.0,160.0,156.0,158.0,2.0,1.0,1 -138.0,138.0,0.0,0.0,5.0,57.0,2.5,0.0,0.7,7.0,0.0,0.0,0.0,106.0,55.0,161.0,6.0,1.0,135.0,109.0,123.0,113.0,1.0,3 -145.0,145.0,3.0,0.0,6.0,55.0,0.6,8.0,5.9,0.0,0.0,0.0,0.0,27.0,138.0,165.0,5.0,0.0,149.0,150.0,151.0,2.0,0.0,1 -138.0,138.0,0.0,0.0,2.0,46.0,0.7,53.0,7.8,0.0,0.0,0.0,0.0,39.0,113.0,152.0,4.0,0.0,141.0,138.0,141.0,2.0,1.0,1 -114.0,114.0,0.0,0.0,9.0,65.0,0.5,0.0,11.6,0.0,0.0,0.0,0.0,23.0,102.0,125.0,1.0,0.0,115.0,115.0,116.0,0.0,0.0,1 -131.0,131.0,17.0,18.0,1.0,29.0,3.7,0.0,4.8,0.0,0.0,0.0,0.0,120.0,51.0,171.0,11.0,1.0,150.0,144.0,151.0,33.0,1.0,1 -139.0,139.0,1.0,2.0,0.0,51.0,2.2,0.0,7.1,2.0,0.0,0.0,0.0,148.0,52.0,200.0,12.0,4.0,147.0,137.0,145.0,55.0,0.0,2 -131.0,131.0,6.0,0.0,9.0,27.0,1.4,0.0,19.2,0.0,0.0,0.0,0.0,70.0,110.0,180.0,2.0,0.0,155.0,155.0,156.0,14.0,0.0,1 -122.0,122.0,0.0,0.0,4.0,37.0,0.8,11.0,10.0,0.0,0.0,0.0,0.0,26.0,109.0,135.0,2.0,0.0,123.0,125.0,126.0,2.0,0.0,1 -136.0,136.0,0.0,0.0,1.0,44.0,0.7,47.0,5.3,0.0,0.0,0.0,0.0,12.0,135.0,147.0,1.0,0.0,141.0,140.0,142.0,0.0,0.0,1 -133.0,133.0,0.0,0.0,0.0,75.0,0.2,91.0,2.9,0.0,0.0,0.0,0.0,7.0,131.0,138.0,1.0,0.0,133.0,134.0,135.0,0.0,0.0,3 -133.0,133.0,0.0,0.0,9.0,27.0,1.4,1.0,18.8,1.0,0.0,0.0,0.0,56.0,96.0,152.0,5.0,0.0,136.0,134.0,137.0,4.0,1.0,1 -120.0,120.0,2.0,0.0,1.0,57.0,1.5,0.0,8.0,7.0,0.0,0.0,0.0,78.0,79.0,157.0,5.0,1.0,113.0,115.0,119.0,28.0,0.0,1 -150.0,150.0,0.0,0.0,3.0,57.0,0.5,19.0,7.7,0.0,0.0,0.0,0.0,20.0,147.0,167.0,3.0,0.0,165.0,157.0,159.0,7.0,0.0,2 -128.0,128.0,7.0,11.0,5.0,22.0,2.2,0.0,6.6,5.0,0.0,1.0,0.0,109.0,65.0,174.0,6.0,0.0,143.0,127.0,135.0,71.0,0.0,1 -137.0,137.0,1.0,0.0,5.0,63.0,0.4,49.0,4.8,0.0,0.0,0.0,0.0,22.0,133.0,155.0,2.0,0.0,142.0,141.0,142.0,0.0,0.0,2 -133.0,133.0,4.0,273.0,3.0,32.0,1.6,0.0,8.4,1.0,0.0,0.0,0.0,90.0,68.0,158.0,4.0,0.0,133.0,133.0,135.0,18.0,1.0,1 -118.0,118.0,1.0,0.0,0.0,24.0,1.7,0.0,7.1,1.0,0.0,0.0,0.0,62.0,88.0,150.0,4.0,1.0,114.0,116.0,116.0,12.0,0.0,1 -121.0,121.0,0.0,1.0,3.0,67.0,2.1,0.0,0.0,11.0,1.0,0.0,0.0,102.0,55.0,157.0,4.0,1.0,67.0,81.0,87.0,89.0,-1.0,3 -128.0,128.0,5.0,6.0,4.0,19.0,2.4,0.0,1.9,4.0,0.0,1.0,0.0,107.0,67.0,174.0,7.0,0.0,134.0,123.0,129.0,57.0,0.0,1 -122.0,122.0,1.0,0.0,5.0,22.0,1.7,0.0,13.9,0.0,0.0,0.0,0.0,37.0,105.0,142.0,0.0,0.0,125.0,124.0,126.0,3.0,0.0,1 -131.0,131.0,0.0,0.0,3.0,29.0,1.0,0.0,12.9,0.0,0.0,0.0,0.0,31.0,115.0,146.0,0.0,0.0,129.0,131.0,132.0,3.0,0.0,1 -122.0,122.0,3.0,0.0,4.0,22.0,1.8,0.0,14.7,0.0,0.0,0.0,0.0,50.0,103.0,153.0,4.0,0.0,126.0,127.0,128.0,4.0,0.0,1 -152.0,152.0,0.0,0.0,4.0,58.0,0.5,59.0,7.5,1.0,0.0,0.0,0.0,54.0,110.0,164.0,3.0,2.0,159.0,155.0,158.0,4.0,1.0,1 -125.0,125.0,1.0,0.0,4.0,38.0,0.8,25.0,6.2,0.0,0.0,0.0,0.0,28.0,116.0,144.0,1.0,0.0,131.0,129.0,131.0,1.0,0.0,1 -127.0,127.0,2.0,2.0,5.0,65.0,1.2,46.0,3.0,0.0,0.0,0.0,0.0,26.0,120.0,146.0,2.0,0.0,126.0,126.0,128.0,1.0,-1.0,1 -143.0,143.0,5.0,0.0,1.0,60.0,2.2,0.0,3.9,0.0,0.0,0.0,0.0,79.0,101.0,180.0,8.0,0.0,150.0,132.0,153.0,14.0,0.0,1 -138.0,138.0,2.0,2.0,3.0,51.0,2.4,0.0,5.8,7.0,0.0,0.0,0.0,102.0,70.0,172.0,9.0,1.0,135.0,132.0,138.0,32.0,1.0,1 -126.0,126.0,0.0,0.0,3.0,23.0,1.4,0.0,12.2,0.0,0.0,0.0,0.0,42.0,101.0,143.0,3.0,0.0,126.0,128.0,129.0,2.0,0.0,1 -125.0,125.0,1.0,1.0,9.0,62.0,1.6,0.0,4.8,8.0,0.0,0.0,0.0,82.0,71.0,153.0,5.0,0.0,130.0,118.0,125.0,30.0,0.0,1 -152.0,152.0,0.0,0.0,2.0,57.0,0.5,43.0,8.7,0.0,0.0,0.0,0.0,41.0,123.0,164.0,4.0,0.0,160.0,158.0,161.0,1.0,1.0,1 -142.0,142.0,0.0,0.0,2.0,49.0,0.6,30.0,7.1,0.0,0.0,0.0,0.0,17.0,140.0,157.0,1.0,0.0,150.0,148.0,150.0,0.0,0.0,1 -131.0,131.0,11.0,0.0,5.0,23.0,1.5,0.0,6.6,0.0,0.0,0.0,0.0,52.0,124.0,176.0,3.0,0.0,148.0,148.0,149.0,7.0,0.0,1 -122.0,122.0,0.0,0.0,3.0,27.0,1.2,0.0,10.1,1.0,0.0,0.0,0.0,43.0,93.0,136.0,2.0,0.0,125.0,122.0,124.0,3.0,1.0,1 -121.0,121.0,6.0,2.0,4.0,57.0,1.3,0.0,14.1,2.0,0.0,0.0,0.0,76.0,90.0,166.0,3.0,0.0,124.0,126.0,126.0,17.0,0.0,1 -131.0,131.0,0.0,0.0,3.0,19.0,1.9,0.0,12.3,2.0,0.0,0.0,0.0,81.0,70.0,151.0,3.0,1.0,127.0,126.0,130.0,21.0,1.0,1 -119.0,119.0,3.0,0.0,5.0,23.0,1.5,5.0,7.9,1.0,0.0,0.0,0.0,75.0,70.0,145.0,1.0,1.0,126.0,122.0,125.0,9.0,1.0,1 -133.0,133.0,2.0,1.0,8.0,56.0,2.2,0.0,7.2,3.0,0.0,0.0,0.0,90.0,71.0,161.0,2.0,1.0,139.0,120.0,139.0,19.0,1.0,1 -137.0,137.0,1.0,0.0,6.0,61.0,0.4,45.0,5.1,0.0,0.0,0.0,0.0,22.0,133.0,155.0,2.0,0.0,142.0,140.0,142.0,0.0,0.0,2 -148.0,148.0,2.0,0.0,5.0,54.0,0.7,15.0,9.0,0.0,0.0,0.0,0.0,52.0,115.0,167.0,7.0,1.0,153.0,152.0,154.0,3.0,1.0,1 -128.0,128.0,3.0,10.0,7.0,24.0,2.0,0.0,9.0,5.0,0.0,1.0,0.0,91.0,65.0,156.0,6.0,0.0,133.0,125.0,131.0,42.0,1.0,1 -134.0,134.0,4.0,1.0,7.0,57.0,1.5,0.0,1.8,7.0,0.0,0.0,0.0,78.0,83.0,161.0,5.0,0.0,137.0,132.0,138.0,21.0,1.0,1 -140.0,140.0,0.0,4.0,3.0,60.0,1.8,0.0,8.4,9.0,0.0,0.0,0.0,107.0,52.0,159.0,7.0,0.0,142.0,124.0,141.0,34.0,1.0,1 -123.0,123.0,9.0,0.0,1.0,24.0,2.2,0.0,1.7,0.0,0.0,0.0,0.0,52.0,100.0,152.0,1.0,0.0,136.0,133.0,135.0,5.0,0.0,1 -122.0,122.0,2.0,4.0,4.0,22.0,7.0,0.0,16.6,4.0,0.0,0.0,0.0,149.0,50.0,199.0,7.0,0.0,129.0,118.0,124.0,75.0,0.0,1 -144.0,144.0,0.0,14.0,0.0,75.0,0.2,52.0,5.6,0.0,0.0,0.0,0.0,16.0,136.0,152.0,1.0,0.0,145.0,144.0,146.0,0.0,0.0,2 -120.0,120.0,0.0,0.0,2.0,64.0,1.3,0.0,0.0,8.0,0.0,2.0,0.0,77.0,69.0,146.0,8.0,0.0,86.0,98.0,100.0,38.0,0.0,3 -138.0,138.0,4.0,0.0,4.0,59.0,0.8,0.0,8.0,0.0,0.0,0.0,0.0,43.0,125.0,168.0,2.0,0.0,148.0,143.0,145.0,7.0,0.0,1 -128.0,128.0,0.0,7.0,3.0,22.0,2.3,0.0,8.4,4.0,0.0,1.0,0.0,125.0,53.0,178.0,9.0,0.0,143.0,121.0,130.0,97.0,0.0,1 -128.0,128.0,0.0,2.0,8.0,65.0,2.5,0.0,0.0,6.0,0.0,2.0,0.0,129.0,63.0,192.0,6.0,0.0,104.0,94.0,115.0,28.0,0.0,3 -137.0,137.0,9.0,1.0,5.0,58.0,1.6,0.0,5.6,3.0,0.0,0.0,0.0,109.0,69.0,178.0,5.0,0.0,148.0,143.0,151.0,55.0,1.0,1 -115.0,115.0,5.0,0.0,6.0,24.0,1.4,0.0,13.0,0.0,0.0,0.0,0.0,51.0,102.0,153.0,0.0,0.0,112.0,120.0,121.0,16.0,0.0,1 -148.0,148.0,2.0,5.0,4.0,77.0,0.5,3.0,9.6,0.0,0.0,0.0,0.0,32.0,140.0,172.0,2.0,0.0,150.0,152.0,153.0,2.0,0.0,1 -127.0,127.0,12.0,23.0,2.0,35.0,2.2,0.0,5.7,0.0,0.0,0.0,0.0,113.0,61.0,174.0,13.0,1.0,133.0,143.0,143.0,39.0,1.0,1 -137.0,137.0,1.0,0.0,6.0,60.0,0.4,33.0,5.8,0.0,0.0,0.0,0.0,22.0,133.0,155.0,2.0,0.0,142.0,140.0,142.0,1.0,0.0,2 -139.0,139.0,3.0,4.0,2.0,54.0,0.7,5.0,7.3,0.0,0.0,0.0,0.0,101.0,65.0,166.0,2.0,0.0,147.0,145.0,147.0,5.0,1.0,1 -120.0,120.0,2.0,0.0,1.0,57.0,1.3,0.0,7.5,8.0,0.0,0.0,0.0,78.0,79.0,157.0,4.0,0.0,113.0,115.0,119.0,25.0,0.0,1 -148.0,148.0,0.0,1.0,3.0,82.0,0.4,5.0,8.4,0.0,0.0,0.0,0.0,18.0,142.0,160.0,0.0,0.0,150.0,151.0,151.0,0.0,0.0,3 -121.0,121.0,5.0,0.0,3.0,32.0,1.0,0.0,2.6,0.0,0.0,0.0,0.0,47.0,110.0,157.0,1.0,0.0,131.0,131.0,131.0,8.0,0.0,1 -120.0,120.0,0.0,0.0,1.0,64.0,1.1,0.0,0.0,6.0,0.0,2.0,0.0,80.0,74.0,154.0,3.0,0.0,86.0,99.0,99.0,40.0,-1.0,3 -130.0,130.0,11.0,67.0,1.0,34.0,2.1,0.0,5.6,0.0,0.0,0.0,0.0,132.0,50.0,182.0,10.0,0.0,159.0,150.0,155.0,26.0,1.0,1 -132.0,132.0,9.0,0.0,9.0,35.0,1.2,0.0,12.6,0.0,0.0,0.0,0.0,55.0,109.0,164.0,3.0,0.0,136.0,139.0,140.0,9.0,0.0,1 -143.0,143.0,0.0,0.0,3.0,63.0,0.5,35.0,6.5,0.0,0.0,0.0,0.0,33.0,128.0,161.0,4.0,0.0,147.0,146.0,148.0,0.0,0.0,2 -144.0,144.0,5.0,0.0,4.0,33.0,1.1,0.0,6.2,0.0,0.0,0.0,0.0,100.0,78.0,178.0,5.0,0.0,149.0,152.0,152.0,8.0,1.0,1 -125.0,125.0,0.0,1.0,8.0,64.0,1.1,0.0,5.0,7.0,0.0,1.0,0.0,82.0,64.0,146.0,5.0,2.0,116.0,110.0,115.0,10.0,0.0,1 -123.0,123.0,2.0,0.0,3.0,24.0,1.3,0.0,2.1,3.0,0.0,0.0,0.0,56.0,92.0,148.0,3.0,0.0,121.0,123.0,125.0,7.0,0.0,1 -146.0,146.0,0.0,0.0,4.0,39.0,0.8,38.0,5.5,0.0,0.0,0.0,0.0,18.0,148.0,166.0,1.0,0.0,154.0,155.0,156.0,1.0,0.0,1 -128.0,128.0,6.0,0.0,2.0,26.0,2.2,0.0,5.7,4.0,0.0,0.0,0.0,95.0,79.0,174.0,2.0,1.0,157.0,142.0,146.0,43.0,1.0,1 -136.0,136.0,9.0,8.0,0.0,40.0,2.3,0.0,19.4,0.0,0.0,0.0,0.0,139.0,51.0,190.0,5.0,5.0,144.0,142.0,145.0,17.0,1.0,1 -130.0,130.0,1.0,4.0,0.0,46.0,1.2,0.0,16.2,0.0,0.0,0.0,0.0,95.0,60.0,155.0,8.0,0.0,136.0,133.0,135.0,8.0,1.0,1 -138.0,138.0,13.0,0.0,8.0,50.0,1.2,0.0,1.6,1.0,0.0,0.0,0.0,98.0,73.0,171.0,7.0,0.0,148.0,146.0,148.0,12.0,1.0,1 -145.0,145.0,0.0,0.0,1.0,50.0,0.7,17.0,7.3,0.0,0.0,0.0,0.0,42.0,125.0,167.0,8.0,0.0,153.0,154.0,155.0,2.0,1.0,2 -120.0,120.0,4.0,10.0,5.0,41.0,1.1,0.0,9.2,0.0,0.0,0.0,0.0,71.0,105.0,176.0,6.0,0.0,123.0,131.0,127.0,30.0,-1.0,1 -137.0,137.0,14.0,0.0,8.0,56.0,1.6,0.0,7.1,6.0,0.0,0.0,0.0,136.0,52.0,188.0,5.0,0.0,148.0,143.0,157.0,59.0,1.0,1 -144.0,144.0,0.0,1.0,0.0,47.0,0.8,11.0,13.6,0.0,0.0,0.0,0.0,90.0,74.0,164.0,5.0,1.0,153.0,151.0,152.0,3.0,1.0,2 -125.0,125.0,0.0,2.0,1.0,66.0,0.4,20.0,6.7,0.0,0.0,0.0,0.0,22.0,109.0,131.0,1.0,0.0,120.0,121.0,122.0,1.0,0.0,2 -126.0,126.0,4.0,6.0,5.0,41.0,2.1,0.0,25.8,2.0,0.0,0.0,0.0,120.0,50.0,170.0,8.0,1.0,129.0,129.0,132.0,19.0,1.0,1 -135.0,135.0,0.0,9.0,1.0,70.0,0.3,84.0,3.5,0.0,0.0,0.0,0.0,9.0,132.0,141.0,1.0,0.0,136.0,136.0,137.0,0.0,0.0,3 -125.0,125.0,0.0,4.0,0.0,68.0,0.3,75.0,3.5,0.0,0.0,0.0,0.0,8.0,120.0,128.0,0.0,0.0,125.0,125.0,126.0,0.0,0.0,3 -131.0,131.0,4.0,57.0,6.0,28.0,1.4,0.0,12.9,2.0,0.0,0.0,0.0,66.0,88.0,154.0,5.0,0.0,135.0,134.0,137.0,7.0,1.0,1 -134.0,134.0,8.0,1.0,9.0,57.0,1.2,0.0,0.0,5.0,0.0,0.0,0.0,95.0,92.0,187.0,4.0,0.0,151.0,147.0,154.0,44.0,0.0,1 -115.0,115.0,3.0,0.0,3.0,20.0,1.7,0.0,10.6,1.0,0.0,0.0,0.0,84.0,69.0,153.0,5.0,0.0,114.0,117.0,116.0,13.0,0.0,1 -131.0,131.0,6.0,147.0,4.0,28.0,1.5,0.0,5.4,1.0,0.0,0.0,0.0,87.0,71.0,158.0,2.0,0.0,141.0,137.0,141.0,10.0,1.0,1 -145.0,145.0,0.0,13.0,0.0,77.0,0.2,45.0,5.8,0.0,0.0,0.0,0.0,21.0,129.0,150.0,1.0,0.0,146.0,145.0,147.0,0.0,1.0,2 -133.0,133.0,0.0,1.0,5.0,60.0,3.1,0.0,9.5,1.0,0.0,2.0,0.0,105.0,60.0,165.0,7.0,0.0,93.0,98.0,107.0,57.0,0.0,3 -144.0,144.0,1.0,67.0,2.0,65.0,3.6,0.0,1.7,12.0,0.0,0.0,0.0,143.0,67.0,210.0,7.0,1.0,145.0,108.0,149.0,38.0,0.0,1 -143.0,143.0,0.0,1.0,0.0,74.0,0.3,54.0,4.9,0.0,0.0,0.0,0.0,23.0,131.0,154.0,3.0,0.0,151.0,150.0,151.0,0.0,1.0,2 -148.0,148.0,0.0,10.0,0.0,75.0,0.2,84.0,2.9,0.0,0.0,0.0,0.0,7.0,145.0,152.0,1.0,0.0,148.0,148.0,149.0,0.0,0.0,3 -126.0,126.0,0.0,0.0,2.0,28.0,1.3,0.0,10.8,0.0,0.0,0.0,0.0,34.0,107.0,141.0,1.0,0.0,127.0,128.0,128.0,3.0,0.0,1 -125.0,125.0,0.0,0.0,9.0,65.0,1.2,0.0,6.3,5.0,0.0,1.0,0.0,70.0,76.0,146.0,3.0,0.0,116.0,111.0,114.0,8.0,0.0,1 -133.0,133.0,2.0,0.0,5.0,16.0,2.1,0.0,13.4,2.0,0.0,0.0,0.0,130.0,68.0,198.0,5.0,1.0,141.0,135.0,138.0,13.0,0.0,1 -129.0,129.0,0.0,1.0,6.0,65.0,2.8,0.0,0.0,9.0,0.0,2.0,0.0,101.0,50.0,151.0,7.0,2.0,105.0,86.0,112.0,13.0,0.0,3 -138.0,138.0,3.0,0.0,7.0,28.0,1.3,9.0,3.5,5.0,0.0,0.0,0.0,90.0,85.0,175.0,6.0,0.0,144.0,134.0,138.0,31.0,0.0,1 -150.0,150.0,0.0,1.0,0.0,84.0,0.3,37.0,5.2,0.0,0.0,0.0,0.0,16.0,140.0,156.0,0.0,0.0,150.0,150.0,151.0,0.0,0.0,3 -142.0,142.0,0.0,3.0,0.0,68.0,0.3,39.0,6.7,0.0,0.0,0.0,0.0,15.0,136.0,151.0,1.0,0.0,142.0,142.0,143.0,0.0,0.0,2 -128.0,128.0,0.0,0.0,4.0,63.0,4.2,0.0,0.0,5.0,0.0,0.0,0.0,90.0,66.0,156.0,5.0,0.0,69.0,73.0,118.0,128.0,0.0,3 -146.0,146.0,0.0,0.0,0.0,84.0,0.2,81.0,2.9,0.0,0.0,0.0,0.0,10.0,140.0,150.0,1.0,0.0,146.0,145.0,147.0,0.0,0.0,3 -142.0,142.0,7.0,32.0,0.0,32.0,3.1,0.0,1.6,1.0,0.0,0.0,0.0,149.0,51.0,200.0,10.0,0.0,167.0,154.0,160.0,55.0,1.0,1 -132.0,132.0,9.0,0.0,2.0,22.0,1.9,0.0,7.8,4.0,0.0,0.0,0.0,95.0,80.0,175.0,7.0,2.0,143.0,140.0,143.0,22.0,0.0,1 -143.0,143.0,0.0,0.0,1.0,69.0,0.3,8.0,9.9,0.0,0.0,0.0,0.0,27.0,132.0,159.0,1.0,0.0,146.0,145.0,146.0,1.0,0.0,1 -120.0,120.0,0.0,0.0,6.0,63.0,2.0,0.0,0.0,12.0,0.0,2.0,0.0,128.0,63.0,191.0,12.0,2.0,107.0,93.0,106.0,36.0,-1.0,3 -127.0,127.0,0.0,0.0,2.0,19.0,2.3,0.0,25.4,2.0,0.0,0.0,0.0,78.0,81.0,159.0,4.0,0.0,131.0,125.0,128.0,19.0,0.0,1 -143.0,143.0,0.0,0.0,6.0,66.0,0.4,4.0,12.4,0.0,0.0,0.0,0.0,56.0,106.0,162.0,4.0,1.0,145.0,144.0,146.0,1.0,1.0,1 -130.0,130.0,8.0,0.0,3.0,67.0,1.1,0.0,1.0,0.0,0.0,0.0,0.0,45.0,112.0,157.0,5.0,0.0,137.0,136.0,138.0,2.0,0.0,1 -133.0,133.0,4.0,0.0,2.0,16.0,2.6,0.0,0.0,3.0,0.0,0.0,0.0,98.0,82.0,180.0,5.0,0.0,131.0,138.0,136.0,54.0,0.0,1 -127.0,127.0,4.0,3.0,0.0,48.0,1.1,0.0,14.9,0.0,0.0,0.0,0.0,84.0,64.0,148.0,2.0,0.0,127.0,132.0,134.0,11.0,1.0,1 -132.0,132.0,0.0,0.0,2.0,15.0,3.2,0.0,16.9,3.0,0.0,0.0,0.0,100.0,50.0,150.0,10.0,2.0,133.0,122.0,130.0,41.0,1.0,1 -135.0,135.0,7.0,2.0,9.0,63.0,0.8,0.0,9.5,0.0,0.0,0.0,0.0,40.0,120.0,160.0,1.0,0.0,147.0,141.0,145.0,6.0,0.0,1 -146.0,146.0,4.0,0.0,4.0,27.0,1.5,0.0,14.4,1.0,0.0,0.0,0.0,55.0,119.0,174.0,5.0,0.0,155.0,152.0,155.0,8.0,0.0,1 -140.0,140.0,0.0,1.0,2.0,61.0,1.3,0.0,3.9,7.0,0.0,0.0,0.0,93.0,66.0,159.0,7.0,1.0,142.0,135.0,144.0,24.0,1.0,1 -133.0,133.0,1.0,0.0,8.0,62.0,2.2,0.0,0.0,4.0,0.0,3.0,0.0,133.0,52.0,185.0,5.0,0.0,125.0,100.0,108.0,114.0,0.0,3 -148.0,148.0,0.0,0.0,10.0,44.0,0.6,16.0,7.3,0.0,0.0,0.0,0.0,20.0,150.0,170.0,2.0,0.0,163.0,161.0,163.0,0.0,0.0,2 -141.0,141.0,5.0,12.0,0.0,46.0,1.1,2.0,2.9,0.0,0.0,0.0,0.0,114.0,58.0,172.0,7.0,0.0,154.0,149.0,152.0,8.0,1.0,1 -138.0,138.0,9.0,0.0,4.0,57.0,0.7,0.0,3.7,0.0,0.0,0.0,0.0,48.0,135.0,183.0,3.0,0.0,152.0,160.0,161.0,21.0,1.0,1 -133.0,133.0,4.0,0.0,3.0,29.0,1.7,0.0,23.4,1.0,0.0,0.0,0.0,89.0,64.0,153.0,9.0,2.0,142.0,135.0,141.0,22.0,1.0,1 -149.0,149.0,0.0,0.0,4.0,59.0,0.5,27.0,5.5,0.0,0.0,0.0,0.0,15.0,148.0,163.0,1.0,0.0,155.0,154.0,156.0,0.0,0.0,1 -144.0,144.0,1.0,0.0,4.0,46.0,0.8,2.0,11.5,0.0,0.0,0.0,0.0,31.0,138.0,169.0,3.0,0.0,162.0,158.0,161.0,5.0,1.0,2 -135.0,135.0,0.0,0.0,2.0,51.0,0.6,2.0,8.9,1.0,0.0,0.0,0.0,30.0,116.0,146.0,1.0,0.0,138.0,134.0,137.0,3.0,1.0,1 -122.0,122.0,1.0,0.0,4.0,16.0,3.5,0.0,23.1,4.0,0.0,0.0,0.0,98.0,60.0,158.0,5.0,0.0,107.0,115.0,115.0,34.0,0.0,1 -142.0,142.0,0.0,0.0,4.0,32.0,1.3,4.0,14.6,3.0,0.0,0.0,0.0,82.0,76.0,158.0,4.0,0.0,147.0,141.0,144.0,12.0,1.0,1 -136.0,136.0,1.0,0.0,3.0,44.0,0.7,14.0,7.1,0.0,0.0,0.0,0.0,27.0,126.0,153.0,2.0,0.0,142.0,140.0,142.0,1.0,0.0,1 -133.0,133.0,3.0,1.0,12.0,57.0,1.9,0.0,6.2,5.0,0.0,0.0,0.0,90.0,71.0,161.0,7.0,1.0,140.0,124.0,140.0,20.0,1.0,1 -140.0,140.0,0.0,0.0,0.0,64.0,0.5,37.0,7.6,0.0,0.0,0.0,0.0,76.0,84.0,160.0,5.0,0.0,141.0,140.0,142.0,1.0,1.0,2 -148.0,148.0,1.0,4.0,1.0,61.0,0.5,26.0,7.4,0.0,0.0,0.0,0.0,26.0,139.0,165.0,2.0,0.0,153.0,152.0,154.0,2.0,0.0,2 -135.0,135.0,5.0,4.0,0.0,59.0,0.5,13.0,6.6,0.0,0.0,0.0,0.0,95.0,70.0,165.0,5.0,0.0,142.0,141.0,143.0,2.0,1.0,1 -123.0,123.0,4.0,0.0,4.0,36.0,0.9,16.0,3.7,0.0,0.0,0.0,0.0,34.0,115.0,149.0,1.0,0.0,126.0,127.0,127.0,3.0,-1.0,1 -137.0,137.0,2.0,0.0,6.0,27.0,1.6,0.0,10.1,5.0,0.0,0.0,0.0,81.0,86.0,167.0,2.0,0.0,144.0,136.0,141.0,23.0,1.0,1 -125.0,125.0,0.0,1.0,6.0,62.0,1.9,0.0,1.6,6.0,0.0,0.0,0.0,70.0,68.0,138.0,6.0,0.0,130.0,118.0,127.0,25.0,1.0,1 -126.0,126.0,2.0,0.0,7.0,26.0,1.3,0.0,9.0,0.0,0.0,0.0,0.0,51.0,114.0,165.0,1.0,0.0,129.0,132.0,131.0,10.0,-1.0,1 -128.0,128.0,2.0,0.0,5.0,39.0,2.6,0.0,17.1,4.0,0.0,0.0,0.0,128.0,51.0,179.0,7.0,0.0,133.0,126.0,132.0,22.0,0.0,1 -134.0,134.0,0.0,0.0,6.0,64.0,1.5,0.0,3.8,4.0,0.0,1.0,0.0,70.0,83.0,153.0,5.0,0.0,137.0,119.0,124.0,50.0,1.0,3 -144.0,144.0,0.0,2.0,0.0,61.0,0.4,8.0,6.7,0.0,0.0,0.0,0.0,16.0,140.0,156.0,0.0,0.0,148.0,147.0,149.0,0.0,0.0,2 -140.0,140.0,0.0,0.0,3.0,48.0,0.9,21.0,9.5,0.0,0.0,0.0,0.0,37.0,135.0,172.0,2.0,1.0,151.0,152.0,152.0,3.0,0.0,2 -121.0,121.0,2.0,0.0,4.0,24.0,1.5,0.0,4.9,1.0,0.0,0.0,0.0,67.0,90.0,157.0,2.0,0.0,120.0,125.0,123.0,16.0,0.0,1 -129.0,129.0,2.0,2.0,0.0,39.0,1.1,0.0,11.7,0.0,0.0,0.0,0.0,105.0,55.0,160.0,3.0,2.0,127.0,136.0,137.0,21.0,1.0,1 -143.0,143.0,0.0,0.0,1.0,63.0,0.5,35.0,9.9,0.0,0.0,0.0,0.0,37.0,120.0,157.0,5.0,1.0,146.0,145.0,146.0,2.0,1.0,2 -120.0,120.0,9.0,62.0,1.0,36.0,2.1,0.0,0.9,0.0,0.0,0.0,0.0,140.0,53.0,193.0,13.0,0.0,167.0,151.0,158.0,56.0,1.0,1 -129.0,129.0,0.0,0.0,5.0,65.0,2.6,0.0,0.0,8.0,0.0,1.0,0.0,101.0,50.0,151.0,9.0,2.0,105.0,91.0,113.0,13.0,0.0,3 -150.0,150.0,0.0,0.0,0.0,73.0,0.9,47.0,4.8,3.0,0.0,0.0,0.0,148.0,51.0,199.0,8.0,0.0,154.0,150.0,155.0,29.0,1.0,2 -121.0,121.0,3.0,0.0,6.0,25.0,1.6,0.0,3.8,5.0,0.0,0.0,0.0,73.0,71.0,144.0,2.0,0.0,120.0,114.0,119.0,29.0,1.0,1 -122.0,122.0,0.0,0.0,0.0,19.0,1.9,0.0,15.1,0.0,0.0,0.0,0.0,39.0,103.0,142.0,1.0,0.0,120.0,120.0,122.0,3.0,0.0,1 -132.0,132.0,0.0,170.0,2.0,35.0,2.7,0.0,0.0,2.0,0.0,2.0,0.0,145.0,54.0,199.0,9.0,2.0,75.0,90.0,78.0,104.0,-1.0,3 -126.0,126.0,3.0,0.0,5.0,29.0,1.3,0.0,9.2,0.0,0.0,0.0,0.0,65.0,103.0,168.0,2.0,0.0,127.0,134.0,133.0,18.0,0.0,1 -137.0,137.0,5.0,4.0,4.0,59.0,1.4,0.0,7.0,1.0,0.0,0.0,0.0,48.0,122.0,170.0,2.0,0.0,146.0,141.0,143.0,8.0,0.0,1 -121.0,121.0,0.0,0.0,3.0,70.0,1.9,0.0,0.0,7.0,1.0,0.0,0.0,102.0,55.0,157.0,6.0,2.0,67.0,76.0,79.0,68.0,-1.0,3 -147.0,147.0,0.0,0.0,1.0,66.0,0.4,16.0,7.4,0.0,0.0,0.0,0.0,80.0,74.0,154.0,1.0,0.0,148.0,146.0,148.0,1.0,1.0,2 -146.0,146.0,0.0,0.0,4.0,65.0,0.4,39.0,7.0,0.0,0.0,0.0,0.0,19.0,137.0,156.0,1.0,0.0,150.0,149.0,151.0,1.0,1.0,2 -129.0,129.0,9.0,0.0,6.0,22.0,1.6,0.0,0.0,0.0,0.0,0.0,0.0,58.0,108.0,166.0,4.0,0.0,141.0,142.0,144.0,11.0,0.0,1 -138.0,138.0,0.0,4.0,1.0,55.0,0.7,0.0,9.3,1.0,0.0,0.0,0.0,48.0,103.0,151.0,4.0,0.0,144.0,140.0,143.0,5.0,1.0,1 -142.0,142.0,3.0,0.0,7.0,30.0,1.4,0.0,17.2,3.0,0.0,0.0,0.0,83.0,76.0,159.0,4.0,1.0,144.0,142.0,145.0,10.0,1.0,1 -128.0,128.0,0.0,4.0,0.0,74.0,0.2,45.0,6.9,0.0,0.0,0.0,0.0,22.0,122.0,144.0,1.0,0.0,133.0,130.0,132.0,1.0,0.0,2 -127.0,127.0,0.0,0.0,5.0,20.0,2.2,0.0,19.3,4.0,0.0,0.0,0.0,78.0,81.0,159.0,4.0,0.0,131.0,122.0,124.0,23.0,0.0,1 -138.0,138.0,0.0,0.0,4.0,45.0,0.7,62.0,6.7,0.0,0.0,0.0,0.0,39.0,113.0,152.0,3.0,0.0,141.0,139.0,141.0,1.0,1.0,2 -137.0,137.0,11.0,1.0,6.0,58.0,1.5,0.0,5.4,4.0,0.0,0.0,0.0,109.0,69.0,178.0,2.0,0.0,146.0,143.0,150.0,52.0,1.0,1 -144.0,144.0,2.0,0.0,5.0,34.0,1.2,5.0,10.2,1.0,0.0,0.0,0.0,80.0,102.0,182.0,4.0,0.0,157.0,152.0,155.0,17.0,0.0,1 -122.0,122.0,6.0,0.0,0.0,25.0,1.5,0.0,10.9,0.0,0.0,0.0,0.0,72.0,85.0,157.0,6.0,2.0,136.0,129.0,133.0,14.0,1.0,1 -148.0,148.0,0.0,0.0,5.0,51.0,0.5,62.0,4.5,0.0,0.0,0.0,0.0,8.0,155.0,163.0,1.0,0.0,160.0,159.0,161.0,0.0,0.0,2 -142.0,142.0,10.0,10.0,3.0,45.0,1.2,0.0,4.5,0.0,0.0,0.0,0.0,134.0,51.0,185.0,5.0,0.0,156.0,158.0,158.0,14.0,1.0,1 -125.0,125.0,2.0,0.0,3.0,32.0,1.0,7.0,8.4,1.0,0.0,0.0,0.0,54.0,93.0,147.0,2.0,0.0,126.0,126.0,128.0,3.0,0.0,1 -130.0,130.0,0.0,7.0,6.0,73.0,2.1,12.0,1.4,0.0,0.0,0.0,0.0,27.0,124.0,151.0,2.0,0.0,128.0,127.0,130.0,1.0,-1.0,1 -129.0,129.0,4.0,11.0,1.0,37.0,1.2,0.0,8.6,0.0,0.0,0.0,0.0,102.0,93.0,195.0,8.0,0.0,187.0,157.0,153.0,137.0,0.0,1 -138.0,138.0,0.0,0.0,2.0,65.0,0.4,14.0,7.0,0.0,0.0,0.0,0.0,20.0,129.0,149.0,3.0,0.0,141.0,140.0,142.0,1.0,0.0,2 -122.0,122.0,4.0,0.0,6.0,32.0,1.2,10.0,8.9,1.0,0.0,0.0,0.0,81.0,67.0,148.0,2.0,0.0,125.0,124.0,126.0,8.0,1.0,1 -130.0,130.0,6.0,0.0,6.0,36.0,1.1,0.0,8.9,0.0,0.0,0.0,0.0,66.0,90.0,156.0,6.0,1.0,136.0,135.0,137.0,5.0,1.0,1 -138.0,138.0,9.0,0.0,8.0,51.0,1.2,0.0,3.1,1.0,0.0,0.0,0.0,98.0,73.0,171.0,9.0,0.0,148.0,145.0,148.0,14.0,1.0,1 -130.0,130.0,0.0,325.0,3.0,29.0,2.2,0.0,7.8,3.0,0.0,3.0,0.0,136.0,54.0,190.0,13.0,0.0,129.0,106.0,122.0,129.0,0.0,3 -122.0,122.0,1.0,0.0,2.0,27.0,1.3,0.0,9.3,0.0,0.0,0.0,0.0,27.0,113.0,140.0,1.0,0.0,125.0,125.0,126.0,1.0,0.0,1 -140.0,140.0,0.0,3.0,6.0,64.0,1.3,0.0,6.4,3.0,0.0,1.0,0.0,60.0,91.0,151.0,4.0,0.0,139.0,128.0,133.0,21.0,1.0,1 -142.0,142.0,0.0,0.0,7.0,59.0,0.4,32.0,6.3,0.0,0.0,0.0,0.0,22.0,141.0,163.0,1.0,0.0,155.0,153.0,155.0,1.0,0.0,2 -136.0,136.0,14.0,0.0,5.0,23.0,2.4,0.0,5.9,0.0,0.0,0.0,0.0,52.0,117.0,169.0,2.0,0.0,143.0,145.0,146.0,7.0,0.0,1 -139.0,139.0,2.0,0.0,7.0,58.0,0.7,2.0,11.5,0.0,0.0,0.0,0.0,51.0,112.0,163.0,3.0,0.0,150.0,147.0,150.0,4.0,1.0,1 -130.0,130.0,5.0,0.0,1.0,73.0,0.6,9.0,5.0,0.0,0.0,0.0,0.0,32.0,126.0,158.0,2.0,0.0,139.0,140.0,141.0,3.0,0.0,1 -148.0,148.0,5.0,0.0,6.0,27.0,1.5,8.0,13.0,0.0,0.0,0.0,0.0,50.0,129.0,179.0,3.0,0.0,157.0,154.0,157.0,6.0,0.0,1 -132.0,132.0,3.0,0.0,4.0,29.0,1.6,0.0,7.4,0.0,0.0,0.0,0.0,92.0,84.0,176.0,3.0,0.0,155.0,147.0,150.0,17.0,1.0,1 -122.0,122.0,2.0,3.0,5.0,20.0,5.0,0.0,21.1,2.0,0.0,0.0,0.0,148.0,50.0,198.0,11.0,0.0,127.0,124.0,127.0,28.0,0.0,1 -129.0,129.0,11.0,42.0,3.0,41.0,1.1,0.0,2.9,0.0,0.0,0.0,0.0,135.0,65.0,200.0,4.0,1.0,133.0,147.0,142.0,60.0,0.0,1 -148.0,148.0,0.0,0.0,4.0,51.0,0.6,56.0,4.4,0.0,0.0,0.0,0.0,13.0,152.0,165.0,2.0,0.0,160.0,159.0,161.0,0.0,0.0,1 -137.0,137.0,8.0,2.0,6.0,57.0,1.4,0.0,6.8,3.0,0.0,0.0,0.0,109.0,69.0,178.0,3.0,1.0,148.0,143.0,149.0,43.0,1.0,1 -130.0,130.0,2.0,10.0,4.0,57.0,0.6,26.0,14.3,0.0,0.0,0.0,0.0,91.0,65.0,156.0,7.0,0.0,129.0,131.0,133.0,10.0,1.0,1 -128.0,128.0,8.0,7.0,4.0,20.0,2.2,0.0,1.9,4.0,0.0,1.0,0.0,107.0,67.0,174.0,4.0,0.0,134.0,126.0,133.0,47.0,0.0,1 -122.0,122.0,0.0,0.0,3.0,27.0,1.4,4.0,12.3,1.0,0.0,0.0,0.0,53.0,91.0,144.0,4.0,0.0,126.0,120.0,122.0,6.0,0.0,1 -149.0,149.0,2.0,0.0,0.0,51.0,0.9,9.0,10.6,0.0,0.0,0.0,0.0,94.0,77.0,171.0,4.0,1.0,153.0,154.0,154.0,5.0,1.0,1 -125.0,125.0,5.0,44.0,5.0,20.0,2.5,0.0,7.1,4.0,0.0,0.0,0.0,134.0,63.0,197.0,8.0,1.0,125.0,125.0,127.0,16.0,0.0,1 -145.0,145.0,0.0,0.0,3.0,51.0,0.6,13.0,8.3,0.0,0.0,0.0,0.0,24.0,141.0,165.0,1.0,0.0,153.0,152.0,153.0,1.0,0.0,2 -146.0,146.0,0.0,0.0,5.0,65.0,0.4,33.0,7.4,0.0,0.0,0.0,0.0,30.0,134.0,164.0,1.0,0.0,150.0,149.0,151.0,1.0,0.0,2 -150.0,150.0,0.0,1.0,0.0,84.0,0.3,32.0,6.2,0.0,0.0,0.0,0.0,20.0,136.0,156.0,0.0,0.0,150.0,150.0,151.0,1.0,1.0,3 -128.0,128.0,5.0,0.0,3.0,43.0,2.5,0.0,3.9,4.0,0.0,0.0,0.0,149.0,50.0,199.0,11.0,1.0,133.0,130.0,133.0,21.0,0.0,1 -144.0,144.0,0.0,0.0,4.0,22.0,1.8,0.0,21.3,2.0,0.0,0.0,0.0,76.0,96.0,172.0,3.0,2.0,148.0,144.0,147.0,11.0,1.0,1 -115.0,115.0,6.0,0.0,7.0,20.0,1.6,0.0,10.7,1.0,0.0,0.0,0.0,86.0,71.0,157.0,5.0,0.0,116.0,119.0,118.0,11.0,0.0,1 -136.0,136.0,3.0,0.0,4.0,45.0,0.8,2.0,6.4,0.0,0.0,0.0,0.0,29.0,129.0,158.0,2.0,0.0,144.0,143.0,145.0,1.0,0.0,1 -132.0,132.0,0.0,0.0,4.0,38.0,2.6,0.0,10.6,5.0,0.0,0.0,0.0,128.0,51.0,179.0,7.0,1.0,133.0,125.0,130.0,25.0,0.0,1 -137.0,137.0,1.0,0.0,0.0,70.0,0.4,48.0,4.7,0.0,0.0,0.0,0.0,66.0,134.0,200.0,3.0,0.0,140.0,142.0,143.0,3.0,-1.0,2 -125.0,125.0,0.0,1.0,7.0,65.0,1.0,0.0,5.2,8.0,0.0,1.0,0.0,76.0,64.0,140.0,4.0,1.0,116.0,111.0,115.0,10.0,0.0,1 -127.0,127.0,0.0,0.0,5.0,62.0,0.5,73.0,4.0,0.0,0.0,0.0,0.0,12.0,119.0,131.0,1.0,0.0,123.0,124.0,125.0,0.0,0.0,1 -147.0,147.0,0.0,0.0,0.0,60.0,0.4,12.0,5.5,0.0,0.0,0.0,0.0,10.0,144.0,154.0,0.0,0.0,150.0,149.0,150.0,0.0,0.0,2 -139.0,139.0,4.0,0.0,5.0,33.0,1.1,0.0,12.8,0.0,0.0,0.0,0.0,40.0,131.0,171.0,1.0,0.0,144.0,144.0,145.0,3.0,-1.0,1 -129.0,129.0,0.0,1.0,7.0,66.0,2.9,0.0,0.0,7.0,0.0,3.0,0.0,94.0,50.0,144.0,8.0,0.0,105.0,85.0,109.0,11.0,0.0,3 -156.0,156.0,0.0,1.0,2.0,53.0,0.6,6.0,10.8,0.0,0.0,0.0,0.0,27.0,141.0,168.0,2.0,1.0,163.0,159.0,161.0,2.0,1.0,1 -112.0,112.0,3.0,0.0,8.0,23.0,1.5,1.0,9.2,1.0,0.0,0.0,0.0,55.0,89.0,144.0,5.0,0.0,114.0,114.0,116.0,4.0,0.0,1 -127.0,127.0,0.0,0.0,3.0,17.0,2.8,0.0,3.7,5.0,0.0,0.0,0.0,81.0,76.0,157.0,5.0,0.0,114.0,113.0,116.0,16.0,0.0,1 -125.0,125.0,4.0,0.0,3.0,26.0,1.3,0.0,8.0,0.0,0.0,0.0,0.0,87.0,79.0,166.0,4.0,0.0,131.0,133.0,132.0,11.0,0.0,1 -130.0,130.0,1.0,0.0,3.0,24.0,1.2,12.0,7.6,0.0,0.0,0.0,0.0,35.0,120.0,155.0,1.0,0.0,134.0,133.0,135.0,1.0,0.0,1 -133.0,133.0,1.0,0.0,14.0,61.0,2.6,0.0,0.0,5.0,0.0,4.0,0.0,132.0,52.0,184.0,7.0,0.0,125.0,96.0,102.0,108.0,0.0,3 -130.0,130.0,6.0,1.0,1.0,72.0,0.9,8.0,4.4,0.0,0.0,0.0,0.0,31.0,127.0,158.0,2.0,0.0,139.0,139.0,140.0,3.0,0.0,1 -118.0,118.0,1.0,0.0,3.0,26.0,1.4,0.0,11.0,1.0,0.0,0.0,0.0,56.0,94.0,150.0,3.0,0.0,120.0,118.0,119.0,6.0,0.0,1 -133.0,133.0,2.0,0.0,3.0,30.0,1.5,0.0,5.3,3.0,0.0,0.0,0.0,102.0,67.0,169.0,9.0,1.0,147.0,137.0,144.0,40.0,1.0,1 -137.0,137.0,1.0,0.0,5.0,59.0,0.5,25.0,7.1,0.0,0.0,0.0,0.0,31.0,132.0,163.0,2.0,1.0,142.0,141.0,142.0,2.0,-1.0,1 -129.0,129.0,8.0,0.0,6.0,21.0,1.5,0.0,4.5,0.0,0.0,0.0,0.0,54.0,108.0,162.0,4.0,0.0,144.0,142.0,144.0,8.0,1.0,1 -144.0,144.0,0.0,0.0,0.0,62.0,0.5,5.0,6.1,0.0,0.0,0.0,0.0,11.0,148.0,159.0,1.0,0.0,153.0,154.0,155.0,0.0,0.0,2 -110.0,110.0,3.0,0.0,3.0,64.0,1.6,0.0,6.8,1.0,0.0,0.0,0.0,116.0,62.0,178.0,12.0,1.0,107.0,105.0,108.0,37.0,0.0,1 -133.0,133.0,0.0,4.0,7.0,62.0,2.1,0.0,1.6,4.0,0.0,0.0,0.0,98.0,64.0,162.0,2.0,0.0,133.0,122.0,129.0,25.0,0.0,1 -135.0,135.0,0.0,0.0,8.0,54.0,0.5,12.0,9.0,1.0,0.0,0.0,0.0,32.0,117.0,149.0,2.0,0.0,140.0,137.0,140.0,2.0,1.0,1 -133.0,133.0,3.0,0.0,6.0,52.0,0.7,1.0,9.2,0.0,0.0,0.0,0.0,67.0,94.0,161.0,4.0,0.0,136.0,137.0,138.0,2.0,0.0,1 -128.0,128.0,0.0,1.0,0.0,78.0,0.2,32.0,6.8,0.0,0.0,0.0,0.0,17.0,127.0,144.0,2.0,0.0,133.0,135.0,135.0,2.0,0.0,2 -144.0,144.0,4.0,62.0,3.0,66.0,3.4,0.0,0.3,8.0,0.0,1.0,0.0,113.0,67.0,180.0,7.0,0.0,141.0,110.0,147.0,89.0,1.0,1 -140.0,140.0,0.0,0.0,7.0,79.0,0.5,26.0,7.0,1.0,0.0,0.0,0.0,21.0,129.0,150.0,1.0,0.0,145.0,142.0,145.0,2.0,1.0,1 -110.0,110.0,4.0,2.0,8.0,68.0,3.1,0.0,0.0,8.0,0.0,2.0,0.0,133.0,60.0,193.0,8.0,0.0,91.0,82.0,95.0,42.0,-1.0,3 -123.0,123.0,0.0,0.0,0.0,74.0,0.3,90.0,2.8,0.0,0.0,0.0,0.0,9.0,120.0,129.0,2.0,0.0,123.0,124.0,125.0,0.0,0.0,3 -135.0,135.0,5.0,0.0,1.0,58.0,1.1,0.0,4.3,0.0,0.0,0.0,0.0,53.0,111.0,164.0,3.0,0.0,141.0,143.0,145.0,8.0,0.0,1 -131.0,131.0,10.0,1.0,4.0,55.0,2.0,0.0,2.7,1.0,0.0,0.0,0.0,85.0,84.0,169.0,6.0,0.0,132.0,140.0,145.0,26.0,1.0,1 -110.0,110.0,6.0,1.0,8.0,63.0,1.9,0.0,7.2,1.0,0.0,0.0,0.0,88.0,90.0,178.0,4.0,0.0,107.0,115.0,114.0,48.0,-1.0,1 -141.0,141.0,6.0,28.0,2.0,53.0,1.0,28.0,5.2,1.0,0.0,0.0,0.0,123.0,57.0,180.0,13.0,0.0,154.0,149.0,154.0,10.0,1.0,2 -129.0,129.0,6.0,0.0,3.0,24.0,1.5,0.0,13.4,0.0,0.0,0.0,0.0,45.0,114.0,159.0,1.0,0.0,133.0,138.0,138.0,9.0,0.0,1 -127.0,127.0,5.0,0.0,5.0,33.0,1.0,0.0,6.7,0.0,0.0,0.0,0.0,54.0,114.0,168.0,3.0,0.0,131.0,135.0,133.0,12.0,-1.0,1 -138.0,138.0,6.0,0.0,5.0,42.0,1.4,0.0,0.0,0.0,0.0,0.0,0.0,51.0,120.0,171.0,0.0,1.0,157.0,153.0,155.0,8.0,1.0,1 -148.0,148.0,0.0,0.0,9.0,44.0,0.6,19.0,6.9,0.0,0.0,0.0,0.0,19.0,150.0,169.0,1.0,0.0,163.0,161.0,163.0,0.0,0.0,2 -133.0,133.0,0.0,1.0,5.0,60.0,2.7,0.0,8.2,2.0,0.0,2.0,0.0,105.0,60.0,165.0,5.0,0.0,119.0,100.0,112.0,53.0,0.0,3 -133.0,133.0,0.0,4.0,5.0,62.0,2.2,0.0,2.0,4.0,0.0,0.0,0.0,103.0,62.0,165.0,3.0,0.0,129.0,117.0,128.0,44.0,0.0,1 -146.0,146.0,0.0,3.0,0.0,79.0,0.2,56.0,4.3,0.0,0.0,0.0,0.0,12.0,137.0,149.0,1.0,0.0,144.0,143.0,145.0,0.0,0.0,2 -125.0,125.0,0.0,0.0,7.0,65.0,1.1,0.0,7.3,5.0,0.0,1.0,0.0,82.0,64.0,146.0,5.0,1.0,116.0,111.0,116.0,9.0,0.0,1 -133.0,133.0,0.0,1.0,5.0,79.0,0.5,70.0,3.1,0.0,0.0,0.0,0.0,10.0,131.0,141.0,1.0,0.0,136.0,135.0,137.0,0.0,0.0,1 -146.0,146.0,4.0,0.0,2.0,38.0,1.0,0.0,8.8,0.0,0.0,0.0,0.0,49.0,126.0,175.0,3.0,0.0,150.0,152.0,153.0,5.0,0.0,1 -154.0,154.0,3.0,0.0,2.0,44.0,2.0,0.0,26.3,1.0,0.0,0.0,0.0,147.0,50.0,197.0,10.0,10.0,153.0,158.0,162.0,27.0,1.0,1 -122.0,122.0,2.0,0.0,5.0,18.0,3.0,0.0,16.2,5.0,0.0,0.0,0.0,98.0,60.0,158.0,7.0,0.0,127.0,120.0,124.0,28.0,0.0,1 -121.0,121.0,5.0,3.0,3.0,56.0,1.6,0.0,13.6,6.0,0.0,0.0,0.0,99.0,70.0,169.0,5.0,1.0,124.0,121.0,124.0,28.0,0.0,1 -115.0,115.0,0.0,0.0,3.0,15.0,2.2,0.0,6.8,2.0,0.0,0.0,0.0,55.0,84.0,139.0,4.0,0.0,119.0,111.0,115.0,19.0,0.0,1 -140.0,140.0,4.0,2.0,11.0,64.0,1.2,0.0,5.9,6.0,0.0,0.0,0.0,74.0,95.0,169.0,6.0,0.0,142.0,137.0,142.0,18.0,0.0,1 -136.0,136.0,2.0,0.0,4.0,40.0,0.8,7.0,10.3,0.0,0.0,0.0,0.0,35.0,119.0,154.0,2.0,0.0,138.0,139.0,140.0,2.0,0.0,1 -133.0,133.0,2.0,0.0,6.0,34.0,1.1,7.0,14.3,2.0,0.0,0.0,0.0,69.0,91.0,160.0,4.0,0.0,136.0,135.0,137.0,5.0,0.0,1 -127.0,127.0,0.0,2.0,12.0,66.0,0.8,58.0,4.1,0.0,0.0,0.0,0.0,19.0,120.0,139.0,1.0,0.0,123.0,125.0,127.0,1.0,-1.0,1 -157.0,157.0,6.0,4.0,2.0,50.0,0.6,0.0,5.6,0.0,0.0,0.0,0.0,39.0,153.0,192.0,1.0,0.0,165.0,166.0,166.0,4.0,-1.0,1 -159.0,159.0,1.0,0.0,9.0,57.0,0.5,8.0,9.1,0.0,0.0,0.0,0.0,40.0,148.0,188.0,0.0,0.0,167.0,169.0,170.0,5.0,0.0,2 -123.0,123.0,0.0,0.0,0.0,70.0,0.3,70.0,4.4,0.0,0.0,0.0,0.0,19.0,110.0,129.0,2.0,0.0,123.0,124.0,125.0,1.0,1.0,3 -146.0,146.0,0.0,3.0,0.0,65.0,0.5,32.0,9.5,0.0,0.0,0.0,0.0,33.0,133.0,166.0,4.0,0.0,153.0,151.0,154.0,1.0,0.0,2 -130.0,130.0,7.0,20.0,3.0,46.0,2.5,0.0,28.0,0.0,0.0,0.0,0.0,114.0,52.0,166.0,2.0,0.0,134.0,138.0,139.0,23.0,1.0,1 -122.0,122.0,0.0,0.0,3.0,39.0,0.8,10.0,8.4,0.0,0.0,0.0,0.0,23.0,106.0,129.0,1.0,0.0,123.0,119.0,121.0,2.0,0.0,1 -140.0,140.0,4.0,0.0,10.0,35.0,5.0,0.0,29.3,4.0,0.0,0.0,0.0,126.0,50.0,176.0,10.0,1.0,148.0,143.0,148.0,43.0,1.0,1 -158.0,158.0,6.0,19.0,2.0,40.0,0.9,0.0,0.0,0.0,0.0,0.0,0.0,40.0,158.0,198.0,1.0,0.0,186.0,182.0,186.0,9.0,1.0,1 -142.0,142.0,0.0,0.0,2.0,31.0,1.2,0.0,24.1,0.0,0.0,0.0,0.0,67.0,94.0,161.0,2.0,0.0,151.0,145.0,148.0,10.0,1.0,1 -121.0,121.0,3.0,0.0,4.0,41.0,0.8,0.0,6.6,0.0,0.0,0.0,0.0,48.0,105.0,153.0,3.0,0.0,150.0,135.0,137.0,32.0,1.0,1 -136.0,136.0,2.0,0.0,4.0,24.0,1.5,0.0,11.2,0.0,0.0,0.0,0.0,111.0,74.0,185.0,11.0,0.0,140.0,140.0,141.0,2.0,0.0,1 -125.0,125.0,0.0,0.0,2.0,32.0,1.0,15.0,6.0,1.0,0.0,0.0,0.0,33.0,97.0,130.0,1.0,0.0,123.0,121.0,124.0,2.0,1.0,1 -122.0,122.0,0.0,14.0,2.0,21.0,4.7,0.0,15.7,4.0,0.0,0.0,0.0,150.0,50.0,200.0,8.0,0.0,116.0,112.0,117.0,23.0,0.0,1 -123.0,123.0,2.0,3.0,0.0,56.0,0.7,0.0,7.4,0.0,0.0,0.0,0.0,71.0,81.0,152.0,4.0,0.0,127.0,129.0,131.0,4.0,1.0,1 -127.0,127.0,4.0,0.0,4.0,34.0,1.0,0.0,6.1,0.0,0.0,0.0,0.0,54.0,114.0,168.0,1.0,0.0,131.0,136.0,134.0,15.0,-1.0,1 -135.0,135.0,0.0,2.0,0.0,59.0,0.5,16.0,8.5,0.0,0.0,0.0,0.0,40.0,113.0,153.0,4.0,0.0,139.0,139.0,140.0,1.0,0.0,1 -130.0,130.0,1.0,2.0,0.0,56.0,0.5,34.0,7.2,0.0,0.0,0.0,0.0,55.0,125.0,180.0,4.0,0.0,129.0,132.0,132.0,3.0,-1.0,1 -140.0,140.0,1.0,3.0,5.0,62.0,1.5,1.0,7.5,6.0,0.0,0.0,0.0,163.0,65.0,228.0,5.0,1.0,142.0,118.0,142.0,27.0,0.0,1 -148.0,148.0,0.0,3.0,0.0,70.0,0.3,68.0,5.3,0.0,0.0,0.0,0.0,17.0,136.0,153.0,2.0,0.0,150.0,148.0,150.0,0.0,1.0,2 -142.0,142.0,1.0,0.0,5.0,28.0,3.1,0.0,4.2,11.0,0.0,0.0,0.0,135.0,53.0,188.0,8.0,2.0,143.0,130.0,139.0,57.0,0.0,1 -131.0,131.0,5.0,3.0,2.0,53.0,2.4,0.0,0.0,0.0,0.0,0.0,0.0,56.0,109.0,165.0,4.0,0.0,131.0,140.0,143.0,25.0,0.0,1 -124.0,124.0,3.0,10.0,1.0,46.0,0.8,0.0,7.5,0.0,0.0,0.0,0.0,52.0,90.0,142.0,4.0,0.0,129.0,130.0,131.0,2.0,1.0,1 -143.0,143.0,0.0,0.0,4.0,66.0,0.4,4.0,9.9,0.0,0.0,0.0,0.0,22.0,132.0,154.0,0.0,0.0,144.0,143.0,145.0,1.0,0.0,1 -140.0,140.0,8.0,4.0,4.0,52.0,1.9,0.0,17.7,0.0,0.0,0.0,0.0,108.0,68.0,176.0,2.0,0.0,144.0,147.0,147.0,18.0,1.0,1 -133.0,133.0,1.0,0.0,3.0,52.0,0.7,2.0,8.6,0.0,0.0,0.0,0.0,38.0,113.0,151.0,1.0,1.0,136.0,136.0,137.0,1.0,0.0,1 -150.0,150.0,0.0,10.0,0.0,79.0,0.2,84.0,2.8,0.0,0.0,0.0,0.0,5.0,147.0,152.0,1.0,0.0,150.0,149.0,151.0,0.0,0.0,3 -142.0,142.0,2.0,0.0,3.0,36.0,1.0,13.0,12.0,0.0,0.0,0.0,0.0,95.0,71.0,166.0,5.0,0.0,145.0,145.0,146.0,2.0,1.0,1 -120.0,120.0,0.0,0.0,5.0,62.0,1.5,0.0,9.3,6.0,0.0,1.0,0.0,85.0,69.0,154.0,4.0,1.0,86.0,101.0,98.0,64.0,-1.0,3 -112.0,112.0,10.0,0.0,4.0,25.0,1.4,0.0,0.6,0.0,0.0,0.0,0.0,35.0,109.0,144.0,0.0,0.0,116.0,120.0,119.0,6.0,-1.0,1 -132.0,132.0,9.0,0.0,7.0,30.0,1.3,0.0,11.2,0.0,0.0,0.0,0.0,69.0,97.0,166.0,2.0,0.0,145.0,142.0,144.0,8.0,1.0,1 -146.0,146.0,8.0,1.0,1.0,40.0,1.9,0.0,25.6,0.0,0.0,0.0,0.0,122.0,50.0,172.0,4.0,0.0,154.0,151.0,155.0,16.0,1.0,1 -146.0,146.0,7.0,0.0,3.0,35.0,1.0,0.0,3.4,0.0,0.0,0.0,0.0,52.0,126.0,178.0,2.0,0.0,155.0,154.0,155.0,4.0,0.0,1 -148.0,148.0,0.0,0.0,3.0,49.0,0.6,1.0,9.6,0.0,0.0,0.0,0.0,21.0,143.0,164.0,0.0,0.0,155.0,154.0,156.0,0.0,0.0,1 -133.0,133.0,0.0,3.0,8.0,63.0,2.2,0.0,0.5,3.0,0.0,0.0,0.0,36.0,103.0,139.0,1.0,0.0,133.0,124.0,130.0,8.0,1.0,1 -133.0,133.0,0.0,1.0,4.0,60.0,2.2,0.0,5.0,2.0,0.0,2.0,0.0,105.0,60.0,165.0,5.0,0.0,100.0,104.0,108.0,52.0,0.0,3 -133.0,133.0,0.0,5.0,2.0,29.0,1.3,0.0,15.6,0.0,0.0,0.0,0.0,34.0,113.0,147.0,1.0,0.0,134.0,134.0,136.0,3.0,0.0,1 -125.0,125.0,0.0,0.0,3.0,38.0,0.8,11.0,9.5,0.0,0.0,0.0,0.0,35.0,103.0,138.0,2.0,0.0,131.0,129.0,131.0,1.0,1.0,1 -121.0,121.0,0.0,1.0,3.0,68.0,2.1,0.0,0.0,9.0,1.0,0.0,0.0,102.0,55.0,157.0,3.0,1.0,67.0,79.0,82.0,83.0,-1.0,3 -122.0,122.0,0.0,0.0,2.0,23.0,1.6,1.0,16.9,0.0,0.0,0.0,0.0,41.0,111.0,152.0,2.0,0.0,125.0,127.0,127.0,4.0,0.0,1 -122.0,122.0,3.0,0.0,0.0,20.0,2.1,0.0,9.8,0.0,0.0,0.0,0.0,55.0,101.0,156.0,4.0,1.0,127.0,126.0,127.0,7.0,0.0,1 -133.0,133.0,0.0,3.0,8.0,63.0,2.4,0.0,0.1,3.0,0.0,0.0,0.0,39.0,103.0,142.0,2.0,0.0,133.0,125.0,131.0,8.0,1.0,1 -141.0,141.0,0.0,1.0,0.0,77.0,0.3,72.0,3.2,0.0,0.0,0.0,0.0,9.0,138.0,147.0,1.0,0.0,144.0,143.0,145.0,0.0,1.0,3 -158.0,158.0,0.0,0.0,0.0,54.0,0.6,34.0,8.0,0.0,0.0,0.0,0.0,93.0,77.0,170.0,3.0,0.0,165.0,163.0,165.0,2.0,1.0,1 -129.0,129.0,0.0,4.0,2.0,65.0,0.4,73.0,3.9,0.0,0.0,0.0,0.0,7.0,127.0,134.0,1.0,0.0,131.0,130.0,132.0,0.0,0.0,3 -130.0,130.0,3.0,0.0,1.0,75.0,0.6,10.0,5.4,0.0,0.0,0.0,0.0,32.0,126.0,158.0,3.0,0.0,139.0,139.0,140.0,3.0,0.0,1 -138.0,138.0,7.0,2.0,2.0,50.0,1.7,0.0,5.6,5.0,0.0,0.0,0.0,102.0,70.0,172.0,6.0,0.0,142.0,139.0,144.0,26.0,1.0,1 -122.0,122.0,0.0,0.0,7.0,34.0,0.9,0.0,12.1,0.0,0.0,0.0,0.0,30.0,108.0,138.0,1.0,0.0,127.0,125.0,128.0,2.0,0.0,1 -131.0,131.0,1.0,0.0,2.0,29.0,1.0,0.0,12.4,0.0,0.0,0.0,0.0,27.0,122.0,149.0,0.0,0.0,136.0,136.0,138.0,2.0,0.0,1 -123.0,123.0,9.0,2.0,6.0,53.0,3.4,0.0,0.0,0.0,0.0,0.0,0.0,109.0,84.0,193.0,6.0,1.0,146.0,129.0,146.0,15.0,0.0,1 -136.0,136.0,0.0,3.0,4.0,63.0,2.2,0.0,5.0,5.0,0.0,1.0,0.0,85.0,67.0,152.0,6.0,0.0,134.0,116.0,128.0,53.0,1.0,1 -134.0,134.0,10.0,2.0,10.0,59.0,1.1,0.0,0.0,6.0,0.0,0.0,0.0,99.0,88.0,187.0,5.0,0.0,151.0,145.0,152.0,44.0,0.0,1 -136.0,136.0,0.0,0.0,6.0,54.0,0.5,40.0,5.6,0.0,0.0,0.0,0.0,17.0,134.0,151.0,2.0,0.0,144.0,143.0,145.0,0.0,0.0,1 -139.0,139.0,11.0,1.0,7.0,53.0,1.5,0.0,21.0,0.0,0.0,0.0,0.0,107.0,97.0,204.0,7.0,0.0,152.0,155.0,153.0,39.0,0.0,1 -135.0,135.0,2.0,18.0,0.0,54.0,1.0,10.0,16.7,0.0,0.0,0.0,0.0,132.0,66.0,198.0,10.0,0.0,150.0,143.0,146.0,12.0,0.0,2 -120.0,120.0,0.0,0.0,5.0,64.0,1.7,0.0,0.0,10.0,0.0,2.0,0.0,111.0,63.0,174.0,10.0,1.0,86.0,93.0,101.0,42.0,-1.0,3 -135.0,135.0,0.0,0.0,0.0,62.0,0.5,71.0,6.9,0.0,0.0,0.0,0.0,97.0,71.0,168.0,3.0,0.0,143.0,142.0,144.0,1.0,1.0,3 -130.0,130.0,0.0,0.0,0.0,79.0,0.2,91.0,1.7,0.0,0.0,0.0,0.0,6.0,127.0,133.0,1.0,0.0,130.0,130.0,131.0,0.0,1.0,3 -133.0,133.0,0.0,4.0,1.0,54.0,0.6,0.0,13.6,0.0,0.0,0.0,0.0,80.0,68.0,148.0,2.0,0.0,137.0,138.0,139.0,2.0,1.0,1 -142.0,142.0,1.0,0.0,5.0,25.0,3.1,0.0,2.5,8.0,0.0,0.0,0.0,144.0,50.0,194.0,7.0,0.0,143.0,129.0,137.0,56.0,0.0,1 -125.0,125.0,6.0,5.0,5.0,23.0,2.1,0.0,5.5,4.0,0.0,0.0,0.0,125.0,53.0,178.0,8.0,0.0,143.0,128.0,137.0,65.0,1.0,1 -125.0,125.0,8.0,0.0,0.0,37.0,1.6,0.0,12.2,0.0,0.0,0.0,0.0,126.0,68.0,194.0,3.0,1.0,127.0,133.0,134.0,12.0,0.0,1 -112.0,112.0,5.0,0.0,4.0,24.0,1.3,5.0,10.5,0.0,0.0,0.0,0.0,40.0,103.0,143.0,1.0,0.0,114.0,114.0,115.0,4.0,-1.0,1 -139.0,139.0,0.0,47.0,0.0,38.0,1.5,0.0,13.3,1.0,0.0,0.0,0.0,134.0,53.0,187.0,5.0,0.0,133.0,136.0,138.0,6.0,0.0,1 -130.0,130.0,3.0,6.0,7.0,52.0,3.0,0.0,3.3,3.0,0.0,0.0,0.0,76.0,87.0,163.0,6.0,0.0,139.0,130.0,136.0,15.0,0.0,1 -129.0,129.0,1.0,7.0,0.0,53.0,0.6,1.0,5.3,0.0,0.0,0.0,0.0,34.0,122.0,156.0,3.0,0.0,133.0,134.0,135.0,1.0,0.0,1 -125.0,125.0,8.0,8.0,6.0,21.0,2.3,0.0,4.3,8.0,0.0,1.0,0.0,107.0,67.0,174.0,7.0,0.0,143.0,125.0,134.0,79.0,0.0,1 -121.0,121.0,4.0,3.0,6.0,58.0,1.8,0.0,2.4,9.0,0.0,0.0,0.0,107.0,62.0,169.0,8.0,0.0,114.0,113.0,120.0,55.0,0.0,1 -145.0,145.0,0.0,0.0,0.0,63.0,0.4,23.0,10.4,0.0,0.0,0.0,0.0,31.0,123.0,154.0,4.0,0.0,146.0,144.0,147.0,1.0,1.0,2 -128.0,128.0,3.0,272.0,2.0,26.0,1.7,0.0,6.7,2.0,0.0,1.0,0.0,141.0,57.0,198.0,9.0,0.0,129.0,125.0,132.0,34.0,0.0,1 -123.0,123.0,0.0,1.0,0.0,70.0,0.3,66.0,5.9,0.0,0.0,0.0,0.0,30.0,101.0,131.0,1.0,0.0,123.0,123.0,124.0,1.0,1.0,2 -142.0,142.0,0.0,3.0,0.0,69.0,0.3,39.0,6.5,0.0,0.0,0.0,0.0,14.0,137.0,151.0,1.0,0.0,142.0,142.0,143.0,0.0,0.0,2 -146.0,146.0,8.0,0.0,4.0,37.0,0.9,0.0,6.9,0.0,0.0,0.0,0.0,52.0,126.0,178.0,0.0,0.0,155.0,153.0,155.0,4.0,0.0,1 -120.0,120.0,0.0,4.0,2.0,45.0,0.9,0.0,9.9,1.0,0.0,0.0,0.0,39.0,102.0,141.0,3.0,0.0,115.0,114.0,116.0,1.0,0.0,1 -132.0,132.0,1.0,0.0,5.0,28.0,1.6,4.0,17.9,4.0,0.0,0.0,0.0,97.0,56.0,153.0,9.0,3.0,136.0,130.0,135.0,25.0,1.0,1 -121.0,121.0,4.0,2.0,3.0,57.0,1.6,0.0,13.6,5.0,0.0,0.0,0.0,99.0,67.0,166.0,7.0,1.0,122.0,119.0,123.0,24.0,0.0,1 -144.0,144.0,1.0,0.0,4.0,30.0,1.1,0.0,13.5,0.0,0.0,0.0,0.0,43.0,122.0,165.0,0.0,0.0,148.0,147.0,149.0,3.0,0.0,1 -130.0,130.0,2.0,317.0,4.0,23.0,1.9,0.0,8.8,3.0,0.0,1.0,0.0,99.0,59.0,158.0,6.0,0.0,133.0,124.0,129.0,36.0,1.0,1 -123.0,123.0,0.0,0.0,3.0,45.0,1.0,19.0,3.8,4.0,0.0,0.0,0.0,85.0,59.0,144.0,8.0,1.0,124.0,119.0,125.0,14.0,1.0,1 -125.0,125.0,3.0,10.0,4.0,23.0,2.2,0.0,7.4,5.0,0.0,0.0,0.0,125.0,53.0,178.0,8.0,0.0,143.0,122.0,131.0,92.0,0.0,1 -137.0,137.0,1.0,0.0,1.0,68.0,0.4,47.0,5.8,0.0,0.0,0.0,0.0,65.0,135.0,200.0,3.0,0.0,143.0,143.0,144.0,1.0,-1.0,2 -135.0,135.0,6.0,0.0,4.0,50.0,0.7,2.0,1.8,0.0,0.0,0.0,0.0,46.0,122.0,168.0,3.0,0.0,139.0,142.0,143.0,4.0,0.0,1 -143.0,143.0,2.0,0.0,2.0,43.0,0.9,12.0,5.9,0.0,0.0,0.0,0.0,34.0,132.0,166.0,2.0,0.0,147.0,148.0,149.0,2.0,0.0,1 -158.0,158.0,7.0,21.0,2.0,41.0,0.8,0.0,0.0,0.0,0.0,0.0,0.0,45.0,153.0,198.0,2.0,0.0,186.0,180.0,183.0,11.0,1.0,1 -151.0,151.0,7.0,8.0,2.0,56.0,0.5,23.0,3.8,0.0,0.0,0.0,0.0,37.0,141.0,178.0,3.0,0.0,157.0,160.0,160.0,4.0,0.0,1 -138.0,138.0,15.0,0.0,5.0,51.0,0.9,0.0,0.1,0.0,0.0,0.0,0.0,49.0,122.0,171.0,3.0,0.0,147.0,149.0,150.0,6.0,0.0,1 -127.0,127.0,4.0,0.0,3.0,16.0,3.4,0.0,0.0,4.0,0.0,0.0,0.0,138.0,53.0,191.0,11.0,0.0,153.0,124.0,130.0,136.0,0.0,1 -112.0,112.0,6.0,0.0,4.0,24.0,1.3,6.0,6.4,0.0,0.0,0.0,0.0,37.0,105.0,142.0,1.0,0.0,114.0,116.0,115.0,4.0,-1.0,1 -128.0,128.0,7.0,8.0,3.0,31.0,1.7,0.0,2.9,4.0,0.0,0.0,0.0,141.0,57.0,198.0,11.0,0.0,137.0,130.0,137.0,41.0,0.0,1 -127.0,127.0,0.0,1.0,5.0,60.0,0.6,61.0,4.2,0.0,0.0,0.0,0.0,20.0,120.0,140.0,2.0,0.0,123.0,124.0,125.0,0.0,-1.0,1 -131.0,131.0,0.0,0.0,0.0,37.0,1.9,0.0,3.2,2.0,0.0,0.0,0.0,90.0,58.0,148.0,4.0,1.0,127.0,121.0,126.0,21.0,1.0,1 -139.0,139.0,0.0,1.0,0.0,76.0,0.3,12.0,6.1,0.0,0.0,0.0,0.0,17.0,128.0,145.0,1.0,1.0,140.0,140.0,141.0,0.0,1.0,2 -128.0,128.0,7.0,10.0,4.0,31.0,1.7,0.0,3.7,6.0,0.0,0.0,0.0,109.0,68.0,177.0,11.0,0.0,137.0,128.0,135.0,40.0,0.0,1 -142.0,142.0,1.0,1.0,5.0,50.0,1.2,0.0,23.8,0.0,0.0,0.0,0.0,104.0,58.0,162.0,8.0,0.0,148.0,144.0,147.0,8.0,1.0,1 -133.0,133.0,0.0,0.0,5.0,60.0,3.2,0.0,0.0,1.0,0.0,2.0,0.0,105.0,60.0,165.0,6.0,0.0,93.0,94.0,102.0,42.0,0.0,3 -134.0,134.0,0.0,0.0,2.0,27.0,2.8,8.0,26.1,0.0,0.0,0.0,0.0,74.0,89.0,163.0,7.0,1.0,138.0,134.0,138.0,13.0,0.0,1 -132.0,132.0,1.0,0.0,4.0,28.0,2.1,6.0,16.2,4.0,0.0,0.0,0.0,101.0,50.0,151.0,11.0,1.0,143.0,129.0,136.0,42.0,1.0,1 -130.0,130.0,3.0,0.0,7.0,57.0,2.0,0.0,0.0,6.0,0.0,0.0,0.0,125.0,54.0,179.0,4.0,2.0,121.0,115.0,122.0,94.0,0.0,1 -125.0,125.0,6.0,10.0,2.0,24.0,1.6,0.0,14.6,1.0,0.0,0.0,0.0,55.0,97.0,152.0,6.0,2.0,131.0,130.0,132.0,6.0,0.0,1 -136.0,136.0,0.0,1.0,5.0,74.0,1.0,21.0,7.0,0.0,0.0,0.0,0.0,42.0,107.0,149.0,2.0,0.0,137.0,135.0,138.0,1.0,1.0,1 -142.0,142.0,0.0,0.0,2.0,52.0,0.8,10.0,11.0,0.0,0.0,0.0,0.0,71.0,89.0,160.0,6.0,0.0,153.0,149.0,153.0,5.0,1.0,2 -138.0,138.0,0.0,0.0,3.0,45.0,1.0,20.0,12.3,0.0,0.0,0.0,0.0,99.0,81.0,180.0,8.0,2.0,162.0,156.0,159.0,8.0,1.0,2 -145.0,145.0,0.0,0.0,0.0,57.0,0.5,0.0,7.3,1.0,0.0,0.0,0.0,46.0,111.0,157.0,1.0,1.0,150.0,146.0,149.0,6.0,1.0,1 -136.0,136.0,1.0,0.0,8.0,42.0,0.8,9.0,12.7,0.0,0.0,0.0,0.0,45.0,117.0,162.0,2.0,0.0,139.0,138.0,140.0,2.0,0.0,1 -112.0,112.0,0.0,0.0,2.0,23.0,1.3,11.0,13.0,0.0,0.0,0.0,0.0,40.0,104.0,144.0,1.0,0.0,112.0,113.0,114.0,2.0,-1.0,1 -144.0,144.0,0.0,0.0,6.0,46.0,0.8,1.0,13.0,0.0,0.0,0.0,0.0,37.0,132.0,169.0,4.0,0.0,162.0,158.0,160.0,5.0,1.0,1 -129.0,129.0,0.0,1.0,3.0,58.0,4.3,0.0,0.0,7.0,0.0,0.0,0.0,158.0,72.0,230.0,10.0,1.0,111.0,88.0,126.0,33.0,-1.0,1 -134.0,134.0,3.0,0.0,12.0,26.0,1.8,10.0,15.1,6.0,0.0,0.0,0.0,82.0,82.0,164.0,5.0,0.0,147.0,133.0,137.0,40.0,1.0,1 -149.0,149.0,0.0,0.0,0.0,58.0,1.3,53.0,13.2,1.0,0.0,0.0,0.0,126.0,58.0,184.0,12.0,1.0,150.0,148.0,151.0,8.0,1.0,2 -143.0,143.0,5.0,0.0,5.0,44.0,1.1,5.0,12.2,0.0,0.0,0.0,0.0,45.0,128.0,173.0,4.0,0.0,147.0,148.0,149.0,4.0,0.0,1 -129.0,129.0,3.0,3.0,0.0,61.0,0.6,2.0,10.8,0.0,0.0,0.0,0.0,122.0,65.0,187.0,7.0,1.0,129.0,132.0,133.0,5.0,0.0,1 -119.0,119.0,1.0,0.0,2.0,30.0,1.3,2.0,11.6,0.0,0.0,0.0,0.0,89.0,77.0,166.0,3.0,2.0,121.0,122.0,123.0,3.0,0.0,1 -115.0,115.0,5.0,52.0,3.0,22.0,3.6,0.0,19.6,1.0,0.0,0.0,0.0,138.0,50.0,188.0,8.0,0.0,117.0,117.0,119.0,21.0,0.0,1 -133.0,133.0,0.0,1.0,4.0,78.0,0.8,44.0,3.6,0.0,0.0,0.0,0.0,14.0,130.0,144.0,1.0,0.0,136.0,134.0,137.0,0.0,0.0,1 -129.0,129.0,3.0,2.0,3.0,35.0,1.3,0.0,10.1,0.0,0.0,0.0,0.0,92.0,101.0,193.0,6.0,0.0,136.0,134.0,135.0,4.0,0.0,1 -122.0,122.0,0.0,0.0,5.0,24.0,1.5,0.0,10.6,3.0,0.0,0.0,0.0,73.0,77.0,150.0,1.0,2.0,124.0,119.0,123.0,12.0,0.0,1 -135.0,135.0,0.0,0.0,0.0,67.0,0.4,69.0,4.6,0.0,0.0,0.0,0.0,76.0,67.0,143.0,2.0,0.0,137.0,136.0,138.0,0.0,1.0,3 -132.0,132.0,6.0,0.0,9.0,33.0,1.2,0.0,14.0,0.0,0.0,0.0,0.0,64.0,103.0,167.0,5.0,0.0,150.0,141.0,141.0,18.0,0.0,1 -122.0,122.0,0.0,0.0,2.0,36.0,1.0,12.0,7.7,1.0,0.0,0.0,0.0,42.0,87.0,129.0,2.0,0.0,123.0,117.0,121.0,10.0,1.0,1 -143.0,143.0,0.0,1.0,0.0,57.0,0.6,5.0,10.4,0.0,0.0,0.0,0.0,98.0,74.0,172.0,2.0,0.0,150.0,148.0,150.0,1.0,1.0,1 -143.0,143.0,0.0,0.0,3.0,68.0,0.3,5.0,10.3,0.0,0.0,0.0,0.0,27.0,132.0,159.0,1.0,0.0,146.0,145.0,147.0,1.0,0.0,1 -132.0,132.0,4.0,0.0,4.0,17.0,2.1,0.0,10.4,2.0,0.0,0.0,0.0,130.0,68.0,198.0,6.0,1.0,141.0,136.0,140.0,12.0,0.0,1 -146.0,146.0,0.0,3.0,0.0,78.0,0.2,57.0,4.3,0.0,0.0,0.0,0.0,12.0,137.0,149.0,1.0,0.0,144.0,143.0,145.0,0.0,0.0,2 -144.0,144.0,0.0,10.0,0.0,75.0,0.3,67.0,4.2,0.0,0.0,0.0,0.0,16.0,136.0,152.0,2.0,0.0,145.0,146.0,147.0,0.0,0.0,2 -143.0,143.0,0.0,0.0,1.0,69.0,0.3,6.0,9.4,0.0,0.0,0.0,0.0,27.0,132.0,159.0,1.0,0.0,145.0,144.0,146.0,1.0,0.0,1 -144.0,144.0,0.0,0.0,4.0,48.0,0.6,6.0,11.4,0.0,0.0,0.0,0.0,31.0,129.0,160.0,1.0,0.0,148.0,147.0,149.0,1.0,0.0,1 -143.0,143.0,6.0,0.0,3.0,50.0,1.2,7.0,16.9,0.0,0.0,0.0,0.0,121.0,57.0,178.0,10.0,0.0,146.0,147.0,148.0,10.0,1.0,1 -135.0,135.0,0.0,0.0,0.0,55.0,0.6,0.0,7.4,0.0,0.0,0.0,0.0,21.0,131.0,152.0,2.0,0.0,135.0,139.0,141.0,4.0,0.0,1 -142.0,142.0,0.0,0.0,7.0,60.0,0.4,8.0,7.7,0.0,0.0,0.0,0.0,20.0,136.0,156.0,0.0,0.0,147.0,146.0,148.0,1.0,0.0,2 -140.0,140.0,0.0,0.0,6.0,79.0,0.2,25.0,7.2,0.0,0.0,0.0,0.0,40.0,137.0,177.0,4.0,0.0,153.0,150.0,152.0,2.0,0.0,2 -142.0,142.0,0.0,0.0,1.0,25.0,1.3,0.0,11.6,0.0,0.0,0.0,0.0,26.0,130.0,156.0,0.0,0.0,147.0,145.0,147.0,2.0,0.0,1 -136.0,136.0,1.0,0.0,5.0,47.0,0.6,38.0,5.3,0.0,0.0,0.0,0.0,18.0,136.0,154.0,1.0,0.0,141.0,141.0,142.0,0.0,-1.0,1 -122.0,122.0,3.0,0.0,4.0,21.0,2.0,0.0,12.6,0.0,0.0,0.0,0.0,49.0,107.0,156.0,3.0,0.0,126.0,125.0,126.0,5.0,0.0,1 -134.0,134.0,0.0,0.0,0.0,80.0,0.2,90.0,1.3,0.0,0.0,0.0,0.0,3.0,133.0,136.0,1.0,0.0,135.0,134.0,136.0,0.0,1.0,3 -122.0,122.0,1.0,0.0,0.0,13.0,3.2,0.0,20.8,4.0,0.0,0.0,0.0,129.0,51.0,180.0,5.0,1.0,119.0,119.0,121.0,62.0,0.0,1 -138.0,138.0,0.0,0.0,3.0,58.0,1.1,15.0,6.9,1.0,0.0,1.0,0.0,132.0,60.0,192.0,8.0,2.0,141.0,132.0,141.0,47.0,0.0,2 -146.0,146.0,7.0,0.0,5.0,38.0,0.9,0.0,8.4,0.0,0.0,0.0,0.0,49.0,126.0,175.0,2.0,0.0,157.0,152.0,154.0,6.0,0.0,1 -125.0,125.0,1.0,7.0,3.0,18.0,2.7,0.0,6.3,4.0,0.0,0.0,0.0,125.0,53.0,178.0,10.0,0.0,131.0,115.0,121.0,72.0,0.0,1 -122.0,122.0,0.0,0.0,1.0,23.0,1.5,3.0,9.5,1.0,0.0,0.0,0.0,33.0,103.0,136.0,0.0,0.0,125.0,120.0,122.0,5.0,0.0,1 -129.0,129.0,6.0,0.0,5.0,23.0,1.5,0.0,12.6,0.0,0.0,0.0,0.0,44.0,115.0,159.0,1.0,0.0,133.0,139.0,141.0,11.0,0.0,1 -145.0,145.0,1.0,0.0,1.0,50.0,0.7,12.0,6.5,0.0,0.0,0.0,0.0,65.0,103.0,168.0,8.0,0.0,153.0,155.0,156.0,3.0,1.0,2 -133.0,133.0,5.0,564.0,6.0,29.0,1.7,0.0,9.5,4.0,0.0,1.0,0.0,118.0,59.0,177.0,7.0,1.0,133.0,129.0,133.0,27.0,0.0,1 -142.0,142.0,4.0,69.0,4.0,66.0,3.5,0.0,0.3,9.0,0.0,1.0,0.0,143.0,67.0,210.0,7.0,0.0,142.0,108.0,147.0,85.0,0.0,1 -150.0,150.0,0.0,0.0,1.0,81.0,0.4,17.0,7.1,0.0,0.0,0.0,0.0,44.0,130.0,174.0,2.0,0.0,152.0,150.0,151.0,1.0,0.0,3 -144.0,144.0,0.0,26.0,0.0,74.0,0.3,56.0,6.4,0.0,0.0,0.0,0.0,25.0,131.0,156.0,4.0,0.0,150.0,150.0,151.0,0.0,1.0,2 -141.0,141.0,0.0,0.0,0.0,47.0,0.8,0.0,9.7,1.0,0.0,0.0,0.0,54.0,103.0,157.0,6.0,1.0,154.0,144.0,147.0,15.0,1.0,1 -152.0,152.0,0.0,0.0,2.0,60.0,0.4,57.0,8.0,0.0,0.0,0.0,0.0,36.0,128.0,164.0,2.0,0.0,160.0,157.0,160.0,2.0,1.0,2 -138.0,138.0,3.0,2.0,8.0,51.0,2.3,0.0,4.5,9.0,0.0,0.0,0.0,112.0,60.0,172.0,6.0,0.0,138.0,131.0,139.0,41.0,1.0,1 -125.0,125.0,0.0,0.0,6.0,65.0,1.0,0.0,5.8,5.0,0.0,1.0,0.0,82.0,64.0,146.0,7.0,2.0,117.0,111.0,116.0,9.0,0.0,1 -145.0,145.0,2.0,0.0,1.0,49.0,0.6,0.0,7.0,0.0,0.0,0.0,0.0,26.0,145.0,171.0,1.0,0.0,154.0,157.0,158.0,4.0,0.0,1 -122.0,122.0,0.0,0.0,0.0,29.0,1.3,0.0,10.2,0.0,0.0,0.0,0.0,27.0,110.0,137.0,0.0,1.0,127.0,126.0,127.0,1.0,0.0,1 -128.0,128.0,4.0,0.0,5.0,48.0,1.0,0.0,11.7,0.0,0.0,0.0,0.0,99.0,60.0,159.0,3.0,0.0,138.0,137.0,139.0,6.0,1.0,1 -127.0,127.0,4.0,0.0,0.0,33.0,1.3,0.0,6.9,1.0,0.0,0.0,0.0,96.0,79.0,175.0,4.0,0.0,129.0,135.0,133.0,27.0,0.0,1 -145.0,145.0,7.0,4.0,1.0,43.0,1.5,0.0,0.0,0.0,0.0,0.0,0.0,109.0,63.0,172.0,5.0,0.0,156.0,156.0,158.0,11.0,1.0,1 -130.0,130.0,0.0,0.0,0.0,53.0,0.6,51.0,5.0,0.0,0.0,0.0,0.0,19.0,114.0,133.0,2.0,0.0,120.0,122.0,122.0,3.0,-1.0,1 -139.0,139.0,5.0,0.0,2.0,41.0,0.8,0.0,8.2,0.0,0.0,0.0,0.0,42.0,131.0,173.0,2.0,0.0,144.0,144.0,145.0,3.0,-1.0,1 -140.0,140.0,0.0,0.0,1.0,60.0,0.8,32.0,11.2,0.0,0.0,0.0,0.0,120.0,79.0,199.0,9.0,0.0,141.0,141.0,142.0,3.0,0.0,2 -126.0,126.0,8.0,9.0,6.0,21.0,2.3,0.0,4.2,8.0,0.0,1.0,0.0,107.0,67.0,174.0,6.0,0.0,143.0,125.0,133.0,78.0,0.0,1 -144.0,144.0,2.0,2.0,2.0,35.0,1.8,0.0,24.7,0.0,0.0,0.0,0.0,118.0,56.0,174.0,6.0,1.0,151.0,148.0,151.0,12.0,1.0,1 -144.0,144.0,1.0,0.0,6.0,43.0,0.8,1.0,10.2,0.0,0.0,0.0,0.0,45.0,129.0,174.0,0.0,0.0,155.0,154.0,156.0,2.0,0.0,1 -148.0,148.0,0.0,0.0,4.0,41.0,0.8,29.0,6.4,0.0,0.0,0.0,0.0,20.0,143.0,163.0,1.0,0.0,154.0,153.0,154.0,0.0,0.0,1 -123.0,123.0,0.0,0.0,0.0,32.0,1.1,0.0,16.9,0.0,0.0,0.0,0.0,76.0,66.0,142.0,3.0,0.0,125.0,125.0,125.0,4.0,1.0,1 -141.0,141.0,6.0,0.0,7.0,58.0,0.6,0.0,8.1,0.0,0.0,0.0,0.0,39.0,132.0,171.0,0.0,0.0,153.0,153.0,155.0,3.0,0.0,1 -148.0,148.0,4.0,0.0,6.0,36.0,0.8,8.0,9.4,0.0,0.0,0.0,0.0,45.0,135.0,180.0,3.0,0.0,157.0,157.0,158.0,3.0,0.0,1 -130.0,130.0,10.0,54.0,1.0,34.0,2.1,0.0,3.0,0.0,0.0,0.0,0.0,132.0,50.0,182.0,8.0,0.0,159.0,151.0,155.0,25.0,1.0,1 -123.0,123.0,3.0,4.0,0.0,52.0,0.8,2.0,15.4,0.0,0.0,0.0,0.0,90.0,50.0,140.0,7.0,0.0,129.0,128.0,130.0,4.0,1.0,1 -143.0,143.0,0.0,0.0,4.0,66.0,0.4,5.0,10.0,0.0,0.0,0.0,0.0,24.0,134.0,158.0,1.0,0.0,144.0,144.0,145.0,1.0,0.0,1 -122.0,122.0,2.0,0.0,8.0,26.0,1.4,1.0,8.2,0.0,0.0,0.0,0.0,36.0,114.0,150.0,2.0,0.0,122.0,126.0,126.0,6.0,-1.0,1 -126.0,126.0,0.0,0.0,3.0,32.0,0.9,4.0,11.2,0.0,0.0,0.0,0.0,31.0,110.0,141.0,1.0,0.0,126.0,125.0,127.0,2.0,0.0,1 -128.0,128.0,1.0,0.0,5.0,28.0,3.4,0.0,20.0,1.0,0.0,0.0,0.0,137.0,54.0,191.0,9.0,1.0,125.0,137.0,130.0,79.0,0.0,1 -130.0,130.0,1.0,0.0,5.0,41.0,0.8,13.0,9.9,0.0,0.0,0.0,0.0,42.0,114.0,156.0,2.0,1.0,136.0,135.0,137.0,2.0,0.0,1 -121.0,121.0,3.0,2.0,3.0,58.0,1.7,0.0,8.4,5.0,0.0,0.0,0.0,96.0,67.0,163.0,6.0,1.0,122.0,115.0,120.0,31.0,0.0,1 -140.0,140.0,1.0,0.0,9.0,78.0,0.4,22.0,7.1,0.0,0.0,0.0,0.0,66.0,103.0,169.0,6.0,0.0,152.0,148.0,151.0,3.0,1.0,2 -130.0,130.0,0.0,1.0,3.0,66.0,2.4,0.0,0.0,3.0,0.0,1.0,0.0,161.0,50.0,211.0,7.0,0.0,60.0,75.0,108.0,190.0,-1.0,3 -136.0,136.0,0.0,0.0,3.0,52.0,0.5,28.0,6.1,0.0,0.0,0.0,0.0,14.0,136.0,150.0,1.0,0.0,144.0,143.0,145.0,0.0,0.0,1 -138.0,138.0,9.0,0.0,4.0,51.0,1.2,0.0,1.8,1.0,0.0,0.0,0.0,98.0,73.0,171.0,9.0,0.0,148.0,145.0,147.0,14.0,1.0,1 -142.0,142.0,9.0,0.0,9.0,41.0,1.0,0.0,7.2,0.0,0.0,0.0,0.0,41.0,132.0,173.0,3.0,0.0,150.0,150.0,151.0,3.0,0.0,1 -112.0,112.0,2.0,0.0,3.0,26.0,1.2,1.0,8.4,0.0,0.0,0.0,0.0,54.0,90.0,144.0,4.0,2.0,120.0,116.0,117.0,4.0,0.0,1 -125.0,125.0,0.0,0.0,4.0,32.0,1.1,3.0,13.0,0.0,0.0,0.0,0.0,51.0,96.0,147.0,4.0,0.0,126.0,125.0,127.0,2.0,0.0,1 -143.0,143.0,0.0,0.0,0.0,65.0,0.5,24.0,10.4,0.0,0.0,0.0,0.0,111.0,56.0,167.0,4.0,0.0,143.0,144.0,145.0,1.0,1.0,2 -115.0,115.0,6.0,0.0,6.0,20.0,1.7,0.0,10.8,1.0,0.0,0.0,0.0,88.0,69.0,157.0,5.0,0.0,114.0,118.0,118.0,13.0,0.0,1 -130.0,130.0,4.0,0.0,7.0,48.0,0.7,32.0,6.7,0.0,0.0,0.0,0.0,53.0,102.0,155.0,5.0,0.0,137.0,136.0,138.0,2.0,0.0,1 -134.0,134.0,9.0,1.0,7.0,55.0,1.5,0.0,0.0,4.0,0.0,0.0,0.0,101.0,86.0,187.0,5.0,0.0,151.0,149.0,157.0,49.0,1.0,1 -133.0,133.0,0.0,4.0,9.0,62.0,2.1,0.0,2.3,4.0,0.0,0.0,0.0,74.0,88.0,162.0,4.0,0.0,133.0,124.0,130.0,12.0,0.0,1 -128.0,128.0,0.0,2.0,9.0,66.0,2.7,0.0,0.0,6.0,0.0,3.0,0.0,129.0,63.0,192.0,4.0,0.0,105.0,89.0,112.0,21.0,0.0,3 -142.0,142.0,1.0,0.0,2.0,38.0,0.9,0.0,11.4,0.0,0.0,0.0,0.0,32.0,127.0,159.0,1.0,0.0,151.0,146.0,149.0,5.0,0.0,1 -149.0,149.0,0.0,0.0,5.0,39.0,2.5,25.0,5.6,5.0,0.0,0.0,0.0,137.0,51.0,188.0,4.0,1.0,155.0,139.0,153.0,97.0,1.0,1 -136.0,136.0,1.0,0.0,3.0,39.0,0.8,28.0,6.6,0.0,0.0,0.0,0.0,33.0,124.0,157.0,4.0,0.0,141.0,139.0,141.0,1.0,0.0,1 -127.0,127.0,0.0,0.0,2.0,19.0,2.3,0.0,25.1,2.0,0.0,0.0,0.0,78.0,81.0,159.0,2.0,0.0,131.0,123.0,125.0,23.0,0.0,1 -128.0,128.0,5.0,11.0,6.0,29.0,1.6,0.0,6.4,4.0,0.0,1.0,0.0,91.0,65.0,156.0,8.0,0.0,133.0,129.0,133.0,27.0,1.0,1 -128.0,128.0,0.0,7.0,10.0,63.0,2.7,0.0,1.3,11.0,0.0,0.0,0.0,96.0,64.0,160.0,6.0,1.0,129.0,111.0,128.0,21.0,0.0,1 -136.0,136.0,10.0,0.0,4.0,22.0,2.3,0.0,7.2,0.0,0.0,0.0,0.0,64.0,114.0,178.0,3.0,1.0,145.0,144.0,145.0,6.0,0.0,1 -140.0,140.0,0.0,1.0,3.0,60.0,1.5,0.0,6.5,7.0,0.0,0.0,0.0,105.0,63.0,168.0,8.0,0.0,142.0,124.0,142.0,25.0,1.0,1 -123.0,123.0,0.0,0.0,0.0,41.0,0.9,23.0,10.6,0.0,0.0,0.0,0.0,83.0,59.0,142.0,4.0,0.0,127.0,125.0,127.0,2.0,1.0,1 -112.0,112.0,2.0,0.0,3.0,24.0,1.3,8.0,10.4,0.0,0.0,0.0,0.0,40.0,104.0,144.0,0.0,1.0,114.0,114.0,114.0,3.0,-1.0,1 -128.0,128.0,4.0,2.0,2.0,44.0,1.1,0.0,7.6,0.0,0.0,0.0,0.0,58.0,112.0,170.0,6.0,0.0,137.0,136.0,137.0,5.0,0.0,1 -122.0,122.0,2.0,0.0,1.0,27.0,1.6,0.0,3.2,0.0,0.0,1.0,0.0,60.0,87.0,147.0,1.0,1.0,123.0,118.0,123.0,18.0,0.0,1 -138.0,138.0,0.0,8.0,1.0,60.0,0.5,32.0,6.8,1.0,0.0,0.0,0.0,56.0,103.0,159.0,4.0,0.0,151.0,144.0,145.0,9.0,1.0,2 -125.0,125.0,0.0,7.0,3.0,22.0,2.3,0.0,8.5,4.0,0.0,0.0,0.0,125.0,53.0,178.0,8.0,0.0,143.0,122.0,130.0,94.0,0.0,1 -134.0,134.0,2.0,5.0,1.0,67.0,1.2,0.0,15.9,0.0,0.0,0.0,0.0,124.0,68.0,192.0,6.0,0.0,138.0,136.0,137.0,6.0,0.0,1 -146.0,146.0,4.0,0.0,5.0,27.0,1.3,0.0,9.4,0.0,0.0,0.0,0.0,62.0,126.0,188.0,4.0,0.0,157.0,156.0,157.0,5.0,0.0,1 -116.0,116.0,0.0,0.0,2.0,48.0,0.6,26.0,5.5,0.0,0.0,0.0,0.0,12.0,114.0,126.0,1.0,0.0,120.0,120.0,122.0,0.0,0.0,1 -139.0,139.0,4.0,0.0,6.0,58.0,0.6,0.0,8.5,0.0,0.0,0.0,0.0,56.0,112.0,168.0,2.0,0.0,153.0,152.0,154.0,3.0,1.0,1 -148.0,148.0,0.0,0.0,2.0,55.0,0.6,13.0,10.4,0.0,0.0,0.0,0.0,46.0,115.0,161.0,5.0,0.0,151.0,152.0,153.0,1.0,1.0,1 -120.0,120.0,0.0,0.0,9.0,51.0,0.7,4.0,11.4,0.0,0.0,0.0,0.0,26.0,103.0,129.0,1.0,0.0,122.0,119.0,121.0,2.0,1.0,1 -138.0,138.0,4.0,0.0,4.0,58.0,0.6,0.0,19.3,0.0,0.0,0.0,0.0,46.0,137.0,183.0,3.0,0.0,149.0,160.0,161.0,27.0,1.0,1 -116.0,116.0,3.0,9.0,4.0,40.0,1.8,1.0,11.4,0.0,0.0,0.0,0.0,142.0,52.0,194.0,13.0,1.0,125.0,122.0,125.0,9.0,0.0,1 -143.0,143.0,3.0,0.0,6.0,48.0,0.7,0.0,10.6,0.0,0.0,0.0,0.0,38.0,136.0,174.0,2.0,1.0,155.0,155.0,157.0,2.0,0.0,1 -134.0,134.0,16.0,7.0,4.0,47.0,2.7,0.0,0.0,3.0,0.0,0.0,0.0,110.0,60.0,170.0,5.0,0.0,150.0,147.0,153.0,31.0,1.0,1 -115.0,115.0,6.0,95.0,6.0,23.0,3.4,0.0,18.8,3.0,0.0,0.0,0.0,130.0,52.0,182.0,9.0,0.0,119.0,116.0,118.0,21.0,0.0,1 -148.0,148.0,4.0,0.0,5.0,44.0,0.7,6.0,8.2,0.0,0.0,0.0,0.0,28.0,142.0,170.0,1.0,0.0,155.0,155.0,156.0,1.0,0.0,1 -150.0,150.0,0.0,0.0,0.0,70.0,1.4,48.0,4.4,3.0,0.0,0.0,0.0,149.0,51.0,200.0,10.0,0.0,154.0,147.0,155.0,54.0,1.0,2 -159.0,159.0,0.0,0.0,2.0,57.0,0.5,0.0,8.1,0.0,0.0,0.0,0.0,22.0,155.0,177.0,1.0,0.0,170.0,167.0,168.0,2.0,0.0,1 -131.0,131.0,0.0,0.0,6.0,29.0,2.1,4.0,3.6,9.0,0.0,0.0,0.0,108.0,59.0,167.0,7.0,1.0,135.0,120.0,132.0,72.0,1.0,1 -140.0,140.0,0.0,4.0,2.0,59.0,1.8,0.0,8.8,8.0,0.0,0.0,0.0,102.0,52.0,154.0,5.0,0.0,142.0,122.0,141.0,34.0,1.0,1 -128.0,128.0,0.0,0.0,2.0,86.0,0.3,79.0,2.9,0.0,0.0,0.0,0.0,16.0,114.0,130.0,0.0,0.0,128.0,126.0,129.0,0.0,1.0,3 -125.0,125.0,0.0,24.0,0.0,22.0,3.9,0.0,13.1,4.0,0.0,0.0,0.0,145.0,52.0,197.0,7.0,1.0,121.0,117.0,121.0,23.0,0.0,1 -144.0,144.0,7.0,7.0,3.0,34.0,1.6,0.0,19.8,0.0,0.0,0.0,0.0,104.0,71.0,175.0,4.0,1.0,148.0,149.0,151.0,11.0,1.0,1 -122.0,122.0,2.0,0.0,1.0,17.0,2.1,0.0,15.4,1.0,0.0,0.0,0.0,71.0,95.0,166.0,2.0,0.0,122.0,124.0,123.0,18.0,0.0,1 -146.0,146.0,0.0,0.0,4.0,69.0,0.3,55.0,4.6,0.0,0.0,0.0,0.0,11.0,145.0,156.0,0.0,0.0,152.0,150.0,152.0,0.0,0.0,2 -129.0,129.0,6.0,26.0,2.0,36.0,1.4,0.0,9.4,0.0,0.0,0.0,0.0,140.0,55.0,195.0,5.0,3.0,143.0,148.0,143.0,52.0,0.0,1 -131.0,131.0,2.0,0.0,4.0,42.0,1.0,11.0,4.6,4.0,0.0,0.0,0.0,102.0,51.0,153.0,6.0,0.0,143.0,134.0,141.0,34.0,1.0,1 -133.0,133.0,4.0,29.0,3.0,65.0,2.5,0.0,1.6,1.0,0.0,0.0,0.0,34.0,127.0,161.0,1.0,0.0,138.0,127.0,140.0,3.0,-1.0,1 -142.0,142.0,0.0,0.0,4.0,44.0,1.5,33.0,5.7,3.0,0.0,0.0,0.0,115.0,67.0,182.0,2.0,1.0,157.0,141.0,153.0,87.0,1.0,1 -123.0,123.0,2.0,3.0,0.0,50.0,0.9,4.0,14.8,0.0,0.0,0.0,0.0,82.0,58.0,140.0,7.0,0.0,129.0,128.0,130.0,5.0,1.0,1 -136.0,136.0,2.0,0.0,3.0,44.0,0.7,18.0,4.1,0.0,0.0,0.0,0.0,24.0,133.0,157.0,1.0,0.0,140.0,141.0,142.0,1.0,0.0,1 -150.0,150.0,0.0,0.0,3.0,54.0,0.5,13.0,7.7,0.0,0.0,0.0,0.0,16.0,147.0,163.0,2.0,0.0,153.0,155.0,157.0,2.0,0.0,1 -126.0,126.0,1.0,3.0,2.0,40.0,1.1,4.0,12.5,0.0,0.0,0.0,0.0,86.0,66.0,152.0,3.0,0.0,129.0,129.0,131.0,3.0,1.0,1 -120.0,120.0,0.0,16.0,0.0,53.0,0.7,7.0,12.2,1.0,0.0,0.0,0.0,77.0,56.0,133.0,6.0,0.0,123.0,121.0,123.0,3.0,1.0,1 -135.0,135.0,0.0,0.0,0.0,62.0,0.5,71.0,6.9,0.0,0.0,0.0,0.0,97.0,71.0,168.0,3.0,0.0,143.0,142.0,144.0,1.0,1.0,3 -127.0,127.0,10.0,6.0,4.0,43.0,1.9,0.0,18.5,0.0,0.0,0.0,0.0,124.0,60.0,184.0,10.0,0.0,133.0,137.0,138.0,16.0,0.0,1 -133.0,133.0,0.0,0.0,0.0,73.0,0.3,78.0,3.6,0.0,0.0,0.0,0.0,8.0,131.0,139.0,1.0,0.0,134.0,134.0,135.0,0.0,0.0,3 -128.0,128.0,6.0,10.0,3.0,40.0,1.1,0.0,12.7,0.0,0.0,0.0,0.0,123.0,59.0,182.0,7.0,0.0,129.0,139.0,136.0,25.0,0.0,1 -135.0,135.0,11.0,2.0,4.0,60.0,0.9,0.0,0.5,0.0,0.0,0.0,0.0,44.0,124.0,168.0,3.0,0.0,148.0,144.0,147.0,6.0,0.0,1 -140.0,140.0,6.0,0.0,0.0,59.0,1.1,0.0,0.0,0.0,0.0,0.0,0.0,62.0,120.0,182.0,1.0,0.0,176.0,163.0,169.0,30.0,1.0,1 -125.0,125.0,4.0,2.0,3.0,22.0,2.1,0.0,12.1,1.0,0.0,0.0,0.0,105.0,73.0,178.0,8.0,0.0,126.0,126.0,128.0,11.0,0.0,1 -134.0,134.0,8.0,1.0,9.0,60.0,1.2,0.0,0.0,5.0,0.0,0.0,0.0,109.0,80.0,189.0,8.0,0.0,156.0,145.0,154.0,69.0,1.0,1 -146.0,146.0,0.0,0.0,6.0,64.0,0.4,31.0,7.2,0.0,0.0,0.0,0.0,19.0,137.0,156.0,2.0,0.0,150.0,147.0,150.0,1.0,0.0,2 -118.0,118.0,0.0,0.0,5.0,26.0,1.2,0.0,11.1,0.0,0.0,0.0,0.0,44.0,100.0,144.0,3.0,0.0,120.0,119.0,120.0,2.0,0.0,1 -137.0,137.0,0.0,3.0,1.0,77.0,0.2,40.0,6.6,0.0,0.0,0.0,0.0,29.0,127.0,156.0,2.0,0.0,138.0,141.0,141.0,3.0,0.0,2 -148.0,148.0,1.0,0.0,4.0,44.0,0.9,15.0,9.6,0.0,0.0,0.0,0.0,60.0,135.0,195.0,5.0,0.0,157.0,158.0,158.0,1.0,0.0,2 -128.0,128.0,0.0,6.0,2.0,22.0,2.4,0.0,9.2,3.0,0.0,1.0,0.0,125.0,53.0,178.0,11.0,0.0,143.0,121.0,131.0,101.0,0.0,1 -146.0,146.0,0.0,0.0,1.0,61.0,0.4,53.0,6.8,0.0,0.0,0.0,0.0,45.0,118.0,163.0,5.0,0.0,157.0,154.0,157.0,2.0,1.0,2 -135.0,135.0,1.0,0.0,3.0,26.0,1.3,0.0,10.1,0.0,0.0,0.0,0.0,37.0,123.0,160.0,1.0,1.0,137.0,138.0,139.0,2.0,0.0,1 -144.0,144.0,2.0,0.0,3.0,29.0,1.4,0.0,18.1,0.0,0.0,0.0,0.0,58.0,117.0,175.0,3.0,0.0,150.0,149.0,150.0,9.0,0.0,1 -145.0,145.0,0.0,0.0,1.0,70.0,0.3,40.0,5.3,0.0,0.0,0.0,0.0,14.0,139.0,153.0,1.0,0.0,146.0,146.0,147.0,0.0,0.0,2 -133.0,133.0,0.0,1.0,0.0,45.0,0.9,0.0,17.9,0.0,0.0,0.0,0.0,38.0,121.0,159.0,3.0,0.0,133.0,135.0,136.0,5.0,0.0,1 -144.0,144.0,1.0,0.0,2.0,49.0,0.7,3.0,9.8,0.0,0.0,0.0,0.0,44.0,140.0,184.0,3.0,0.0,162.0,158.0,162.0,4.0,0.0,2 -147.0,147.0,5.0,0.0,2.0,41.0,0.8,15.0,1.8,0.0,0.0,0.0,0.0,35.0,140.0,175.0,0.0,0.0,157.0,157.0,158.0,1.0,0.0,1 -120.0,120.0,0.0,2.0,2.0,40.0,1.1,0.0,14.0,0.0,0.0,0.0,0.0,29.0,106.0,135.0,1.0,0.0,121.0,119.0,121.0,3.0,0.0,1 -138.0,138.0,9.0,0.0,5.0,57.0,0.8,0.0,3.8,0.0,0.0,0.0,0.0,51.0,127.0,178.0,3.0,0.0,149.0,150.0,150.0,10.0,0.0,1 -138.0,138.0,12.0,0.0,5.0,51.0,0.9,0.0,0.6,0.0,0.0,0.0,0.0,49.0,122.0,171.0,2.0,0.0,147.0,149.0,149.0,5.0,0.0,1 -110.0,110.0,0.0,0.0,6.0,64.0,0.6,0.0,12.0,0.0,0.0,0.0,0.0,30.0,98.0,128.0,1.0,0.0,110.0,111.0,112.0,1.0,0.0,1 -134.0,134.0,3.0,0.0,7.0,25.0,1.9,11.0,9.8,5.0,0.0,0.0,0.0,96.0,82.0,178.0,5.0,0.0,147.0,135.0,138.0,43.0,0.0,1 -136.0,136.0,0.0,2.0,6.0,67.0,2.2,0.0,4.4,1.0,0.0,0.0,0.0,45.0,100.0,145.0,3.0,0.0,133.0,131.0,136.0,2.0,1.0,1 -144.0,144.0,0.0,1.0,0.0,75.0,0.3,58.0,4.0,0.0,0.0,0.0,0.0,10.0,144.0,154.0,2.0,0.0,151.0,150.0,152.0,0.0,1.0,2 -131.0,131.0,6.0,0.0,1.0,25.0,1.3,0.0,6.8,0.0,0.0,0.0,0.0,82.0,87.0,169.0,5.0,0.0,136.0,141.0,141.0,9.0,0.0,1 -115.0,115.0,8.0,0.0,7.0,17.0,2.0,0.0,13.9,0.0,0.0,1.0,0.0,73.0,84.0,157.0,0.0,1.0,120.0,117.0,119.0,13.0,0.0,1 -133.0,133.0,2.0,2.0,0.0,48.0,0.7,0.0,6.3,0.0,0.0,0.0,0.0,28.0,125.0,153.0,1.0,0.0,135.0,137.0,137.0,2.0,0.0,1 -143.0,143.0,0.0,0.0,3.0,67.0,0.3,4.0,10.5,0.0,0.0,0.0,0.0,25.0,133.0,158.0,1.0,0.0,146.0,145.0,147.0,1.0,0.0,1 -146.0,146.0,3.0,0.0,2.0,25.0,2.5,0.0,11.2,5.0,0.0,0.0,0.0,92.0,80.0,172.0,8.0,1.0,155.0,145.0,152.0,32.0,1.0,1 -130.0,130.0,1.0,1.0,6.0,63.0,2.3,0.0,0.0,6.0,0.0,1.0,0.0,161.0,50.0,211.0,5.0,0.0,60.0,88.0,113.0,254.0,-1.0,3 -130.0,130.0,0.0,0.0,3.0,53.0,0.5,45.0,5.9,0.0,0.0,0.0,0.0,20.0,123.0,143.0,2.0,0.0,137.0,136.0,138.0,0.0,1.0,1 -127.0,127.0,2.0,2.0,5.0,65.0,1.2,44.0,3.0,0.0,0.0,0.0,0.0,26.0,120.0,146.0,2.0,0.0,126.0,126.0,128.0,1.0,-1.0,1 -123.0,123.0,3.0,0.0,3.0,33.0,1.3,0.0,4.7,2.0,0.0,0.0,0.0,138.0,61.0,199.0,9.0,1.0,135.0,122.0,127.0,39.0,0.0,1 -122.0,122.0,1.0,0.0,3.0,16.0,2.7,0.0,5.5,11.0,0.0,0.0,0.0,96.0,56.0,152.0,1.0,2.0,112.0,113.0,116.0,21.0,0.0,1 -139.0,139.0,0.0,6.0,0.0,75.0,0.4,47.0,9.2,0.0,0.0,0.0,0.0,79.0,66.0,145.0,6.0,0.0,140.0,139.0,141.0,2.0,1.0,2 -144.0,144.0,2.0,0.0,3.0,32.0,1.2,0.0,12.6,0.0,0.0,0.0,0.0,58.0,117.0,175.0,4.0,0.0,148.0,150.0,150.0,8.0,0.0,1 -137.0,137.0,0.0,0.0,0.0,74.0,0.3,71.0,4.0,0.0,0.0,0.0,0.0,13.0,135.0,148.0,1.0,0.0,140.0,141.0,142.0,1.0,0.0,3 -- GitLab